All Projects → Lightgbm → Similar Projects or Alternatives

1613 Open source projects that are alternatives of or similar to Lightgbm

fast retraining
Show how to perform fast retraining with LightGBM in different business cases
Stars: ✭ 56 (-99.58%)
Mutual labels:  kaggle, gbdt, gbm, lightgbm, gbrt
stackgbm
🌳 Stacked Gradient Boosting Machines
Stars: ✭ 24 (-99.82%)
RobustTrees
[ICML 2019, 20 min long talk] Robust Decision Trees Against Adversarial Examples
Stars: ✭ 62 (-99.53%)
Mutual labels:  gbdt, gbm, gbrt, decision-trees
Chefboost
A Lightweight Decision Tree Framework supporting regular algorithms: ID3, C4,5, CART, CHAID and Regression Trees; some advanced techniques: Gradient Boosting (GBDT, GBRT, GBM), Random Forest and Adaboost w/categorical features support for Python
Stars: ✭ 176 (-98.68%)
decision-trees-for-ml
Building Decision Trees From Scratch In Python
Stars: ✭ 61 (-99.54%)
Mutual labels:  gbm, lightgbm, gradient-boosting
lleaves
Compiler for LightGBM gradient-boosted trees, based on LLVM. Speeds up prediction by ≥10x.
Stars: ✭ 132 (-99.01%)
Apartment-Interest-Prediction
Predict people interest in renting specific NYC apartments. The challenge combines structured data, geolocalization, time data, free text and images.
Stars: ✭ 17 (-99.87%)
Mutual labels:  kaggle, lightgbm, gradient-boosting
JLBoost.jl
A 100%-Julia implementation of Gradient-Boosting Regression Tree algorithms
Stars: ✭ 65 (-99.51%)
Mutual labels:  gbdt, lightgbm, gbrt
Mlbox
MLBox is a powerful Automated Machine Learning python library.
Stars: ✭ 1,199 (-90.98%)
Mutual labels:  kaggle, lightgbm, distributed
Xgboost
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Dask, Flink and DataFlow
Stars: ✭ 22,017 (+65.63%)
Mutual labels:  gbdt, gbm, gbrt
autogbt-alt
An experimental Python package that reimplements AutoGBT using LightGBM and Optuna.
Stars: ✭ 76 (-99.43%)
Mutual labels:  kaggle, lightgbm, gradient-boosting
Mmlspark
Simple and Distributed Machine Learning
Stars: ✭ 2,899 (-78.19%)
Mutual labels:  microsoft, lightgbm
Lightautoml
LAMA - automatic model creation framework
Stars: ✭ 196 (-98.53%)
Mutual labels:  kaggle, gradient-boosting
docker-kaggle-ko
머신러닝/딥러닝(PyTorch, TensorFlow) 전용 도커입니다. 한글 폰트, 한글 자연어처리 패키지(konlpy), 형태소 분석기, Timezone 등의 설정 등을 추가 하였습니다.
Stars: ✭ 46 (-99.65%)
Mutual labels:  kaggle, lightgbm
pooljs
Browser computing unleashed!
Stars: ✭ 17 (-99.87%)
Mutual labels:  parallel, distributed
Orange3
🍊 📊 💡 Orange: Interactive data analysis
Stars: ✭ 3,152 (-76.29%)
Mutual labels:  data-mining, decision-trees
kaggle-recruit-restaurant
🏆 Kaggle 8th place solution
Stars: ✭ 102 (-99.23%)
Mutual labels:  kaggle, lightgbm
Galaxy
Galaxy is an asynchronous parallel visualization ray tracer for performant rendering in distributed computing environments. Galaxy builds upon Intel OSPRay and Intel Embree, including ray queueing and sending logic inspired by TACC GraviT.
Stars: ✭ 18 (-99.86%)
Mutual labels:  parallel, distributed
interpretable-ml
Techniques & resources for training interpretable ML models, explaining ML models, and debugging ML models.
Stars: ✭ 17 (-99.87%)
Mutual labels:  data-mining, decision-trees
EvoTrees.jl
Boosted trees in Julia
Stars: ✭ 108 (-99.19%)
Mutual labels:  gbrt, gradient-boosting
ParallelUtilities.jl
Fast and easy parallel mapreduce on HPC clusters
Stars: ✭ 28 (-99.79%)
Mutual labels:  parallel, distributed
optuna-examples
Examples for https://github.com/optuna/optuna
Stars: ✭ 238 (-98.21%)
Mutual labels:  parallel, distributed
malib
A parallel framework for population-based multi-agent reinforcement learning.
Stars: ✭ 341 (-97.43%)
Mutual labels:  parallel, distributed
PracticalMachineLearning
A collection of ML related stuff including notebooks, codes and a curated list of various useful resources such as books and softwares. Almost everything mentioned here is free (as speech not free food) or open-source.
Stars: ✭ 60 (-99.55%)
Mutual labels:  data-mining, kaggle
SynapseML
Simple and Distributed Machine Learning
Stars: ✭ 3,355 (-74.76%)
Mutual labels:  microsoft, lightgbm
aws-machine-learning-university-dte
Machine Learning University: Decision Trees and Ensemble Methods
Stars: ✭ 119 (-99.1%)
Mutual labels:  lightgbm, decision-trees
Tencent2017 Final Rank28 code
2017第一届腾讯社交广告高校算法大赛Rank28_code
Stars: ✭ 85 (-99.36%)
Mutual labels:  data-mining, lightgbm
Ray
An open source framework that provides a simple, universal API for building distributed applications. Ray is packaged with RLlib, a scalable reinforcement learning library, and Tune, a scalable hyperparameter tuning library.
Stars: ✭ 18,547 (+39.52%)
Mutual labels:  parallel, distributed
Deepgraph
Analyze Data with Pandas-based Networks. Documentation:
Stars: ✭ 232 (-98.25%)
Mutual labels:  parallel, data-mining
HumanOrRobot
a solution for competition of kaggle `Human or Robot`
Stars: ✭ 16 (-99.88%)
Mutual labels:  kaggle, lightgbm
HyperGBM
A full pipeline AutoML tool for tabular data
Stars: ✭ 172 (-98.71%)
Mutual labels:  gbm, lightgbm
Machine Learning Workflow With Python
This is a comprehensive ML techniques with python: Define the Problem- Specify Inputs & Outputs- Data Collection- Exploratory data analysis -Data Preprocessing- Model Design- Training- Evaluation
Stars: ✭ 157 (-98.82%)
Mutual labels:  kaggle, gradient-boosting
Open Solution Mapping Challenge
Open solution to the Mapping Challenge 🌎
Stars: ✭ 291 (-97.81%)
Mutual labels:  kaggle, lightgbm
Dmtk
Microsoft Distributed Machine Learning Toolkit
Stars: ✭ 2,766 (-79.19%)
Mutual labels:  microsoft, lightgbm
Rgf
Home repository for the Regularized Greedy Forest (RGF) library. It includes original implementation from the paper and multithreaded one written in C++, along with various language-specific wrappers.
Stars: ✭ 341 (-97.43%)
Mutual labels:  kaggle, decision-trees
Open Solution Home Credit
Open solution to the Home Credit Default Risk challenge 🏡
Stars: ✭ 397 (-97.01%)
Mutual labels:  kaggle, lightgbm
MSDS696-Masters-Final-Project
Earthquake Prediction Challenge with LightGBM and XGBoost
Stars: ✭ 58 (-99.56%)
Mutual labels:  kaggle, lightgbm
OpenABL
A domain-specific language for parallel and distributed agent-based simulations.
Stars: ✭ 24 (-99.82%)
Mutual labels:  parallel, distributed
dflow
A lightweight library for designing and executing workflows in .NET Core
Stars: ✭ 23 (-99.83%)
Mutual labels:  parallel, decision-trees
LightGBM.jl
LightGBM.jl provides a high-performance Julia interface for Microsoft's LightGBM.
Stars: ✭ 40 (-99.7%)
Mutual labels:  gbm, lightgbm
Bike-Sharing-Demand-Kaggle
Top 5th percentile solution to the Kaggle knowledge problem - Bike Sharing Demand
Stars: ✭ 33 (-99.75%)
Mutual labels:  kaggle, decision-trees
Adversarial Robustness Toolbox
Adversarial Robustness Toolbox (ART) - Python Library for Machine Learning Security - Evasion, Poisoning, Extraction, Inference - Red and Blue Teams
Stars: ✭ 2,638 (-80.15%)
Mutual labels:  lightgbm, decision-trees
Kaggle-Competition-Sberbank
Top 1% rankings (22/3270) code sharing for Kaggle competition Sberbank Russian Housing Market: https://www.kaggle.com/c/sberbank-russian-housing-market
Stars: ✭ 31 (-99.77%)
Mutual labels:  kaggle, lightgbm
Xyzpy
Efficiently generate and analyse high dimensional data.
Stars: ✭ 45 (-99.66%)
Mutual labels:  parallel, distributed
distributed
Library to provide Erlang style distributed computations. This library is inspired by Cloud Haskell.
Stars: ✭ 49 (-99.63%)
Mutual labels:  parallel, distributed
kaggle-plasticc
Solution to Kaggle's PLAsTiCC Astronomical Classification Competition
Stars: ✭ 50 (-99.62%)
Mutual labels:  kaggle, lightgbm
Fluidframework
Library for building distributed, real-time collaborative web applications
Stars: ✭ 3,592 (-72.98%)
Mutual labels:  microsoft, distributed
Leaves
pure Go implementation of prediction part for GBRT (Gradient Boosting Regression Trees) models from popular frameworks
Stars: ✭ 261 (-98.04%)
Mutual labels:  lightgbm, decision-trees
yggdrasil-decision-forests
A collection of state-of-the-art algorithms for the training, serving and interpretation of Decision Forest models.
Stars: ✭ 156 (-98.83%)
Dc Hi guides
[Data Castle 算法竞赛] 精品旅行服务成单预测 final rank 11
Stars: ✭ 83 (-99.38%)
Mutual labels:  data-mining, lightgbm
Auto ml
[UNMAINTAINED] Automated machine learning for analytics & production
Stars: ✭ 1,559 (-88.27%)
Mutual labels:  lightgbm, gradient-boosting
Awesome Fraud Detection Papers
A curated list of data mining papers about fraud detection.
Stars: ✭ 843 (-93.66%)
Mutual labels:  data-mining, gradient-boosting
Awesome Gradient Boosting Papers
A curated list of gradient boosting research papers with implementations.
Stars: ✭ 704 (-94.7%)
Mutual labels:  lightgbm, gradient-boosting
H2o 3
H2O is an Open Source, Distributed, Fast & Scalable Machine Learning Platform: Deep Learning, Gradient Boosting (GBM) & XGBoost, Random Forest, Generalized Linear Modeling (GLM with Elastic Net), K-Means, PCA, Generalized Additive Models (GAM), RuleFit, Support Vector Machine (SVM), Stacked Ensembles, Automatic Machine Learning (AutoML), etc.
Stars: ✭ 5,656 (-57.45%)
Mutual labels:  distributed, gbm
Awesome Decision Tree Papers
A collection of research papers on decision, classification and regression trees with implementations.
Stars: ✭ 1,908 (-85.65%)
Mutual labels:  lightgbm, gradient-boosting
Optuna
A hyperparameter optimization framework
Stars: ✭ 5,679 (-57.28%)
Mutual labels:  parallel, distributed
Benchmarks
Comparison tools
Stars: ✭ 139 (-98.95%)
Mutual labels:  kaggle, lightgbm
Kaggle Competition Favorita
5th place solution for Kaggle competition Favorita Grocery Sales Forecasting
Stars: ✭ 169 (-98.73%)
Mutual labels:  kaggle, lightgbm
Freelook
Freelook, an Electron-based client for Microsoft Outlook.
Stars: ✭ 159 (-98.8%)
Mutual labels:  microsoft
Competition Baseline
数据科学竞赛知识、代码、思路
Stars: ✭ 2,553 (-80.79%)
Mutual labels:  kaggle
1-60 of 1613 similar projects