GitHub 中文社区
回车: Github搜索    Shift+回车: Google搜索
论坛
排行榜
趋势
登录

©2025 GitHub中文社区论坛GitHub官网网站地图GitHub官方翻译

  • X iconGitHub on X
  • Facebook iconGitHub on Facebook
  • Linkedin iconGitHub on LinkedIn
  • YouTube iconGitHub on YouTube
  • Twitch iconGitHub on Twitch
  • TikTok iconGitHub on TikTok
  • GitHub markGitHub’s organization on GitHub
集合主题趋势排行榜
#

gradient-boosting

Website
Wikipedia
https://static.github-zh.com/github_avatars/shap?size=40
shap / shap

#计算机科学#A game theoretic approach to explain the output of any machine learning model.

interpretability机器学习深度学习gradient-boostingshapshapleyexplainability
Jupyter Notebook 24 k
3 天前
microsoft/LightGBM
https://static.github-zh.com/github_avatars/microsoft?size=40
microsoft / LightGBM

#计算机科学#LightGBM是一个基于决策树算法的分布式梯度提升框架(GBT、GBDT、GBRT、GBM或MART),用于排名、分类和许多其他机器学习任务。

gbdtgbm机器学习data-miningdistributedlightgbmgbrtMicrosoftdecision-treesgradient-boostingPythonRparallelkaggle
C++ 17.31 k
3 天前
https://static.github-zh.com/github_avatars/ddbourgin?size=40
ddbourgin / numpy-ml

#计算机科学#Machine learning, in numpy

机器学习neural-networkstopic-modelinggaussian-mixture-modelshidden-markov-modelsgradient-boostingbayesian-inferencewavenetvaeresnetlstmattentionreinforcement-learningknngaussian-processesword2vec
Python 16.11 k
2 年前
https://static.github-zh.com/github_avatars/EpistasisLab?size=40
EpistasisLab / tpot

#计算机科学#A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.

机器学习Python数据科学automl自动化scikit-learnhyperparameter-optimizationmodel-selectionparameter-tuningautomated-machine-learningrandom-forestgradient-boostingfeature-engineering
Jupyter Notebook 9.92 k
1 个月前
https://static.github-zh.com/github_avatars/catboost?size=40
catboost / catboost

#计算机科学#A fast, scalable, high performance Gradient Boosting on Decision Trees library, used for ranking, classification, regression and other machine learning tasks for Python, R, Java, C++. Supports computa...

机器学习decision-treesgradient-boostinggbmgbdtPythonRkagglegpu-computingcatboost教程categorical-featuresgpucoreml数据科学big-dataCUDAdata-mining
C++ 8.43 k
18 小时前
https://static.github-zh.com/github_avatars/interpretml?size=40
interpretml / interpret

#计算机科学#Fit interpretable models. Explain blackbox machine learning.

机器学习interpretabilitygradient-boostingblackboxscikit-learnxaiinterpretmlinterpretable-machine-learninginterpretable-aitransparencyinterpretable-mlexplainable-mlexplainabilitybias人工智能explainable-aidifferential-privacy
C++ 6.53 k
6 天前
benedekrozemberczki/awesome-decision-tree-papers
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / awesome-decision-tree-papers

#计算机科学#A collection of research papers on decision, classification and regression trees with implementations.

decision-treedecision-tree-classifiergradient-boostinggradient-boosting-machineregression-treecart机器学习machine-learning-researchrandom-forestxgboostlightgbmcatboostclassification-modelclassifierensemble-learningstatistical-learning
Python 2.4 k
1 年前
https://static.github-zh.com/github_avatars/stanfordmlgroup?size=40
stanfordmlgroup / ngboost

#计算机科学#Natural Gradient Boosting for Probabilistic Prediction

机器学习gradient-boostinguncertainty-estimationPython
Python 1.74 k
1 天前
benedekrozemberczki/awesome-fraud-detection-papers
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / awesome-fraud-detection-papers

#计算机科学#A curated list of data mining papers about fraud detection.

fraud-detectionfraud-preventionfraud-managementclassification数据科学深度学习random-forestgradient-boostingdata-miningclassifierlogistic-regression
Python 1.71 k
1 年前
https://static.github-zh.com/github_avatars/ClimbsRocks?size=40
ClimbsRocks / auto_ml

#计算机科学#[UNMAINTAINED] Automated machine learning for analytics & production

机器学习数据科学automated-machine-learninggradient-boostingscikit-learnPythonproduction-readyautomllightgbmanalyticsfeature-engineeringhyperparameter-optimization深度学习xgboostKerasTensorflow人工智能
Python 1.65 k
4 年前
https://static.github-zh.com/github_avatars/TorchEnsemble-Community?size=40
TorchEnsemble-Community / Ensemble-Pytorch

#计算机科学#A unified ensemble framework for PyTorch to improve the performance and robustness of your deep learning model.

PyTorchpytorch-tutorialensemble-learningensemble深度学习neural-networksgradient-boosting
Python 1.02 k
1 年前
benedekrozemberczki/awesome-gradient-boosting-papers
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / awesome-gradient-boosting-papers

#计算机科学#A curated list of gradient boosting research papers with implementations.

gradient-boostinggradient-boosting-machinegradient-boosted-treesxgboostcatboostlightgbmrandom-forestdecision-treeclassification-algorithm机器学习深度学习h2oclassifieradaboost
Python 1.02 k
1 年前
https://static.github-zh.com/github_avatars/sberbank-ai-lab?size=40
sberbank-ai-lab / LightAutoML

#自然语言处理#LAMA - automatic model creation framework

automlclassificationregressionPyTorch自然语言处理model-selectionparameter-tuningautomated-machine-learninglamapipeline数据科学feature-engineeringstackingkagglegradient-boostingblackbox
Python 926
3 年前
https://static.github-zh.com/github_avatars/Freemanzxp?size=40
Freemanzxp / GBDT_Simple_Tutorial

#计算机科学#python实现GBDT的回归、二分类以及多分类,将算法流程详情进行展示解读并可视化,庖丁解牛地理解GBDT。Gradient Boosting Decision Trees regression, dichotomy and multi-classification are realized based on python, and the details of algorithm flow a...

gbdtgradient-boosting机器学习
Python 736
6 年前
https://static.github-zh.com/github_avatars/tensorflow?size=40
tensorflow / decision-forests

#计算机科学#A collection of state-of-the-art algorithms for the training, serving and interpretation of Decision Forest models in Keras.

Python机器学习random-forestTensorflowdecision-treesgradient-boostinginterpretabilitydecision-forestKeras
Python 679
6 天前
https://static.github-zh.com/github_avatars/x4nth055?size=40
x4nth055 / emotion-recognition-using-speech

#计算机科学#Building and training Speech Emotion Recognizer that predicts human emotions using Python, Sci-kit learn and Keras

机器学习emotion-recognitionscikit-learnfeature-extractionemotion-detectionKerassupport-vector-machinegradient-boostinglibrosa深度学习neural-networksrecurrent-neural-networks
Python 635
2 年前
https://static.github-zh.com/github_avatars/zygmuntz?size=40
zygmuntz / hyperband

#计算机科学#Tuning hyperparams fast with Hyperband

hyperparameter-optimizationhyperparameter-tuninggradient-boosting机器学习
Python 594
7 年前
https://static.github-zh.com/github_avatars/google?size=40
google / yggdrasil-decision-forests

#计算机科学#A library to train, evaluate, interpret, and productionize decision forest models such as Random Forest and Gradient Boosted Decision Trees.

C++命令行界面Tensorflow机器学习decision-treesdecision-forestrandom-forestgradient-boostingcartinterpretabilitydistributed-computingGoJavaScriptpypiPython
C++ 588
6 天前
https://static.github-zh.com/github_avatars/perpetual-ml?size=40
perpetual-ml / perpetual

#计算机科学#A self-generalizing gradient boosting machine that doesn't need hyperparameter optimization

Rustgbdtgbmgradient-boosted-treesgradient-boostingkaggle机器学习Python
Rust 506
15 天前
https://static.github-zh.com/github_avatars/serengil?size=40
serengil / chefboost

#计算机科学#A Lightweight Decision Tree Framework supporting regular algorithms: ID3, C4.5, CART, CHAID and Regression Trees; some advanced techniques: Gradient Boosting, Random Forest and Adaboost w/categorical ...

decision-treesgradient-boostinggradient-boosting-machinerandom-forestadaboostid3cartregression-treegbmdata-mining数据科学kagglegbdtgbrt机器学习Pythoncategorical-features
Python 478
3 个月前
loading...