Skip to main content
Filter by
Sorted by
Tagged with
1 vote
1 answer
66 views

I'm using Optuna to optimize LightGBM hyperparameters, and I'm running into an issue with the variability of best_iteration across different random seeds. Current Setup I train multiple models with ...
invalid syntax's user avatar
0 votes
0 answers
81 views

I have an issue with training lightgbm models through tidymodels. There seems to be some sort of issues in how the hyperparameters are translated between tidymodels and lightgbm. This is my code: ...
Marco De Virgilis's user avatar
1 vote
1 answer
52 views

I was using lightgbm with early_stopping and min_delta, but according to the result, min_delta seems to have no effect. final_model = lgb.train( params, train_data, ...
Mihong Jelly's user avatar
0 votes
0 answers
75 views

I have gone through the entire docs on SynapseML LightGBMRanker module. There was no attribute I could pass to tell the model to use CUDA GPU for training. For e.g. for the plain LightGBM library, ...
Siddhant Yadav's user avatar
5 votes
1 answer
152 views

Problem I am running a LightGBMModel via Darts with some (future) covariates. I want to understand the relevance of the different (lagged) features. In particular, I would like to retrieve the feature ...
basejumping_turtle's user avatar
6 votes
1 answer
484 views

I have a pandas dataframe that records the outcome of F1 races: data = { "Race_ID": [0, 0, 0, 0, 1, 1, 1, 1, 2, 2, 2, 2, 3, 3, 3, 3, 4, 4, 4, 4], "Racer_Number": [1, 2, 3, ...
Ishigami's user avatar
  • 592
1 vote
0 answers
31 views

import numpy as np import lightgbm as lgb def custom_mse_objective(preds, train_data): labels = train_data.get_label() grad = (preds - labels) hess = np.ones_like(labels) return grad, ...
Rolnan's user avatar
  • 33
3 votes
1 answer
405 views

Im trying to find a way to train a lightgbm model forcing to have some features to be in the splits, i.e.: "to be in the feature importance", then the predictions are afected by these ...
PeCaDe's user avatar
  • 478
1 vote
1 answer
174 views

I'm trying to run a multi-classification problem. I have run a baseline lightGBM model with around 80% accuracy rate. I'm trying to further fine-tuning its hyperparameter using Hyperopt. However, when ...
Duy Ngo's user avatar
  • 21
0 votes
0 answers
41 views

I have some app developing in Google Colaborate and need some model with BigData learning, I'm using Light GBM and need to setup GPU / CUDA. But when I trying to install such dependencies I have ...
Evgeniy Severin's user avatar
3 votes
1 answer
67 views

I am trying to reproduce by myself the LGBMRegressor predictions so when I succeed I will switch mean with median. But for now it seems that I am not able to. Here is a simple script that I created ...
anat's user avatar
  • 173
-1 votes
1 answer
95 views

I wanna understand why in this code, I get the following results: # Import necessary libraries import pandas as pd from sklearn.metrics import f1_score from sklearn.model_selection import ...
Legna's user avatar
  • 151
2 votes
1 answer
134 views

I am migrating from XGBoost to LightGBM (since I need it's exact handling of interaction constraints) and I am struggling to understand the result of LightGBM CV. In the example below, the minimum log-...
usdn's user avatar
  • 482
1 vote
2 answers
122 views

I'm using LGBM to forecast the relative change of a numerical quantity. I'm using the MSLE (Mean Squared Log Error) loss function to optimize my model and to get the correct scaling of errors. Since ...
puffadder's user avatar
  • 113
1 vote
0 answers
108 views

I have the following dataframe which records the IQ, Hours (number of hours of studying) and Score (past exam score for student 1,2,3,4 in different classes (Class_ID) and I would like to use these ...
Ishigami's user avatar
  • 592
3 votes
1 answer
635 views

I have a dataset of the performance of students in exams which looks like: Class_ID Class_size Student_Number IQ Hours_Studied Score 1 3 3 101 10 ...
Ishigami's user avatar
  • 592
0 votes
0 answers
139 views

I am comparing models in a walk forward cross validation setup, under python 3.11. For a given set of hyperparameters, xgboost and LGBM models size (when pickled or saved using the library saving ...
g0bel1n's user avatar
  • 11
1 vote
0 answers
158 views

i am using flaml automl on fabric for a classification exercise. In order to leverage spark, i must use to_pandas_on_spark. the features are already assembled in a vector. from flaml.automl.spark....
Kelaref's user avatar
  • 515
0 votes
1 answer
211 views

I followed the instructions in the docs, but also tried many other variations. All ended up in the same place, with this: LightGBM] [Fatal] Check failed: (split_indices_block_size_data_partition) > ...
wordsforthewise's user avatar
2 votes
1 answer
351 views

Python in Excel includes some packages in the Anaconda distribution. +info, anaconda distribution packages. However, is it possible to install additional packages that are still in the Anaconda ...
FZNB's user avatar
  • 2,823
1 vote
1 answer
262 views

I have an existing LightGBM model. I'm trying to continue training on. It has 9 features. I'm trying to add a 10th. I don't have the source materials for the original file, only the 9Models.txt file ...
user27295257's user avatar
1 vote
0 answers
120 views

I want to use C API LightGBM in My Visual C++ Project? How do I do it? I attach My code ?? DatasetHandle dataset_handle; // load dataset int result; result = LGBM_DatasetCreateFromFile("D:\\...
abdol's user avatar
  • 21
5 votes
0 answers
185 views

I want to suppress the warnings, however I am unable to do so. This issue is happening only when I am using a custom objective function instead of a regular one. I have tried multiple things to ...
pppp_prs's user avatar
  • 156
0 votes
0 answers
226 views

I see the following using lightgbm (the LightGBM Python package): LightGBMError: Label 754 is not less than the number of label mappings (31). I am training LAMBDA MART in listwise dataset of Letor ...
Amala K J's user avatar
1 vote
0 answers
45 views

I have data of the form 32 commodities x 27 features x 3000 time steps for stock forecasting. For some reason, I must use a variety of tree boosting models (lightgbm, xgboost, adaboost) to compare ...
nlurker's user avatar
  • 46
0 votes
1 answer
104 views

I use Java wrapper of LightGBM C API to make predictions. Namely, methods LGBM_BoosterPredictForMatSingleRowFastInit and LGBM_BoosterPredictForMatSingleRowFast. The method ...
Vadim's user avatar
  • 757
0 votes
0 answers
354 views

I have a 10 node Spark cluster and my job does the following, Read parquet files from GCS bucket Perform feature engineering, train/test split on the data Use SynapseML LightGBMClassifier to train ...
Bala.vrad's user avatar
1 vote
0 answers
96 views

My code receives a dataset and runs a classification on it with lightgbm. The problem is when I try to do fine-tuning with sklearn's cross_val_score, the target column contains categorical values, not ...
Zag Gol's user avatar
  • 1,106
0 votes
1 answer
396 views

Description: I'm encountering an issue with a LightGBM regressor and classifier when using PySpark in Python 3.10.0. Environment: PySpark version: 3.2.1 Python version: 3.10.0 Py4j version: 0.10.9.5 ...
Sumukha G C's user avatar
1 vote
0 answers
212 views

I'm trying to evaluate regression models created using LightGBM, XGBoost, and randomforest, with aic. My approach is to order features in terms of feature importance, fit, predict, and calculate aic, ...
user3476463's user avatar
  • 4,615
0 votes
1 answer
1k views

I have code that looks like this clf = lgb.LGBMClassifier(max_depth=3, verbosity=-1, n_estimators=3) clf.fit(train_data[features], train_data['y'], sample_weight=train_data['weight']) print (f"I ...
Baron Yugovich's user avatar
1 vote
1 answer
211 views

The Following are the .cv APIs of lightgbm lightgbm.cv(params, train_set, num_boost_round=100, folds=None, nfold=5, stratified=True, shuffle=True, metrics=None, feval=None, init_model=None, ...
figs_and_nuts's user avatar
0 votes
0 answers
85 views

I'm using lightgbm with the Tidymodels environment and I have a problem with training the model. After the final parameter selection using a gridsearch, I want to apply the model to the training ...
r3dzod1ac's user avatar
-1 votes
1 answer
157 views

I've been trying to construct a LightGBM Dataset in Python using a reference Dataset (called ref_dataset) in a streaming manner. I'm not sure how it's done, and it involves calling what appear to be ...
Peter's user avatar
  • 1
2 votes
0 answers
270 views

I am using the LightGBM C Api in our ML model hosting service, written in Golang. I've written a CGO wrapper around the C Api. I am using the “lib_lightgbm.so” library file provided on Github. I am on ...
Ayush Goyal's user avatar
-1 votes
1 answer
629 views

Can I use LightGBM with Multi-Output Regression and also a custom Loss Function? Problem is I have to use LightGBM. I know that i can use MultiOutputRegression by sklearn to wrap LightGBM but this ...
wanted curve's user avatar
2 votes
2 answers
515 views

I have a lightGBM classifier model that I want to train on un_balanced data. In the training set there are 32500 1's and 2898 0's . The no of features are 30 and 17 of them are categorical data. This ...
Ayan Biswas's user avatar
  • 1,665
0 votes
1 answer
821 views

I am trying to predict a variable (Y) using LightGBM Regression. However my predicted values are all the same (i.e. constant). Can someone help out in detecting the problem. data_x = [[2021,5,368.92],[...
Rogue258's user avatar
  • 135
0 votes
1 answer
333 views

I am trying to train a LightGBM model in sagemaker. I think I am missing how to set the hyperparameters. The model fails in the training process with this error 2024-04-01 01:36:47,011 sagemaker-...
Ayan Biswas's user avatar
  • 1,665
1 vote
1 answer
314 views

How can I insert a regularization parameter in tidymodels for boost_tree()? In the normal lightgbm package there is the tuning parameter lambda_l1. I would like to use this in tidymodels as well. I ...
r3dzod1ac's user avatar
0 votes
0 answers
124 views

I have a dask_cudf dataframe on which I have applied train test split to obtain the respective train, test data. I am using DaskLGBMClassifier to train a classifier model & I can use dask ...
Bala.vrad's user avatar
1 vote
1 answer
156 views

I want use callbacks and eval_set etc. but i have a problem: from sklearn.multiclass import OneVsRestClassifier import lightgbm verbose = 100 params = { "objective": "binary", ...
Ivan Plotnikov's user avatar
-2 votes
1 answer
273 views

I set n_estimators to 50 in lightgbm sklearn interface. When fitting stopped, n_estimators_ is 100. Why is this the case? regressor = lightgbm.LGBMRegressor(n_estimators=50) n_estimators (int, ...
user4918159's user avatar
0 votes
1 answer
437 views

I use M3 MacBook and pycharm, and I get an error when running import lightgbm. I searched for information and executed the following command: brew install open-mpi brew install libomp However, the ...
ah bon's user avatar
  • 10.1k
1 vote
1 answer
1k views

How do I turn off debug log output of lightgbm sklearn interface? Tried regressor = lightgbm.LGBMRegressor(verbose=-1) does not work. regressor.fit(verbose=-1) is not accepted. What I found is ...
user4918159's user avatar
1 vote
0 answers
155 views

I'm using ML.NET for a value prediction application. Everything works, except I can't get it to use the LightGbm trainer algorithm. If I select all available trainers, it never tries LGBM. If I only ...
Lawrence's user avatar
1 vote
1 answer
995 views

I'm trying to replicate the behaviour of "l1" objective in LGBMRegressor using a custom objective function. I define the L1 loss function and compare the regression with the "l1" ...
bernard k's user avatar
0 votes
2 answers
235 views

I create a random dataset to train a LGBM model: from sklearn.datasets import make_classification X, y = make_classification() Then I train and predict the original LGBM model with no issues: from ...
emremrah's user avatar
  • 1,775
1 vote
1 answer
255 views

I'm trying to create a categorial model. I have a boolean type which I want to predict using multiple features (floats) in c#. I've tried many different codes from online, but I thought that this one ...
Markje009's user avatar
0 votes
1 answer
252 views

I followed the steps provided by this link (install lightgbm GPU in a WSL conda env) to install lightgbm, but encountered a problem. LightGBMError: No OpenCL device found I have tried this command ...
xy G's user avatar
  • 1

1
2 3 4 5
15