All Projects → TorchEnsemble-Community → Ensemble-Pytorch

TorchEnsemble-Community / Ensemble-Pytorch

Licence: BSD-3-Clause License
A unified ensemble framework for PyTorch to improve the performance and robustness of your deep learning model.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Ensemble-Pytorch

Ensemble Pytorch
A unified ensemble framework for Pytorch to improve the performance and robustness of your deep learning model
Stars: ✭ 153 (-62.41%)
Mutual labels:  ensemble-learning, deeplearning, pytorch-tutorial
imbalanced-ensemble
Class-imbalanced / Long-tailed ensemble learning in Python. Modular, flexible, and extensible. | 模块化、灵活、易扩展的类别不平衡/长尾机器学习库
Stars: ✭ 199 (-51.11%)
Mutual labels:  ensemble, ensemble-learning
Awesome Decision Tree Papers
A collection of research papers on decision, classification and regression trees with implementations.
Stars: ✭ 1,908 (+368.8%)
Mutual labels:  ensemble-learning, gradient-boosting
stackgbm
🌳 Stacked Gradient Boosting Machines
Stars: ✭ 24 (-94.1%)
Mutual labels:  ensemble-learning, gradient-boosting
Auto ml
[UNMAINTAINED] Automated machine learning for analytics & production
Stars: ✭ 1,559 (+283.05%)
Mutual labels:  deeplearning, gradient-boosting
decision-trees-for-ml
Building Decision Trees From Scratch In Python
Stars: ✭ 61 (-85.01%)
Mutual labels:  gradient-boosting, bagging
modeltime.ensemble
Time Series Ensemble Forecasting
Stars: ✭ 65 (-84.03%)
Mutual labels:  ensemble, ensemble-learning
Machine-learning-toolkits-with-python
Machine learning toolkits with Python
Stars: ✭ 31 (-92.38%)
Mutual labels:  ensemble, ensemble-learning
Deep-Vessel
kgpml.github.io/deep-vessel/
Stars: ✭ 52 (-87.22%)
Mutual labels:  ensemble, ensemble-learning
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (-29.98%)
Mutual labels:  ensemble-learning, gradient-boosting
arboreto
A scalable python-based framework for gene regulatory network inference using tree-based ensemble regressors.
Stars: ✭ 33 (-91.89%)
Mutual labels:  ensemble-learning, gradient-boosting
subsemble
subsemble R package for ensemble learning on subsets of data
Stars: ✭ 40 (-90.17%)
Mutual labels:  ensemble, ensemble-learning
AdaptiveRandomForest
Repository for the AdaptiveRandomForest algorithm implemented in MOA 2016-04
Stars: ✭ 28 (-93.12%)
Mutual labels:  ensemble, ensemble-learning
dd performances
DeepDetect performance sheet
Stars: ✭ 92 (-77.4%)
Mutual labels:  deeplearning
stylizeapp
A flask website for style transfer
Stars: ✭ 34 (-91.65%)
Mutual labels:  deeplearning
SESR
SESR: Single Image Super Resolution with Recursive Squeeze and Excitation Networks
Stars: ✭ 26 (-93.61%)
Mutual labels:  deeplearning
MTMT
Code for the CVPR 2020 paper "A Multi-task Mean Teacher for Semi-supervised Shadow Detection"
Stars: ✭ 66 (-83.78%)
Mutual labels:  deeplearning
ohsome2label
Historical OpenStreetMap Objects to Machine Learning Training Samples
Stars: ✭ 33 (-91.89%)
Mutual labels:  deeplearning
ML4Sec-papers
Research papers on ML for security
Stars: ✭ 27 (-93.37%)
Mutual labels:  deeplearning
lleaves
Compiler for LightGBM gradient-boosted trees, based on LLVM. Speeds up prediction by ≥10x.
Stars: ✭ 132 (-67.57%)
Mutual labels:  gradient-boosting

./docs/_images/badge_small.png

github readthedocs codecov license

Ensemble PyTorch

A unified ensemble framework for pytorch to easily improve the performance and robustness of your deep learning model. Ensemble-PyTorch is part of the pytorch ecosystem which requires the project to be well maintained.

Installation

Stable version:

pip install torchensemble

Latest version (under development):

pip install git+https://github.com/TorchEnsemble-Community/Ensemble-Pytorch.git

Example

from torchensemble import VotingClassifier  # voting is a classic ensemble strategy

# Load data
train_loader = DataLoader(...)
test_loader = DataLoader(...)

# Define the ensemble
ensemble = VotingClassifier(
    estimator=base_estimator,               # here is your deep learning model
    n_estimators=10,                        # number of base estimators
)

# Set the optimizer
ensemble.set_optimizer(
    "Adam",                                 # type of parameter optimizer
    lr=learning_rate,                       # learning rate of parameter optimizer
    weight_decay=weight_decay,              # weight decay of parameter optimizer
)

# Set the learning rate scheduler
ensemble.set_scheduler(
    "CosineAnnealingLR",                    # type of learning rate scheduler
    T_max=epochs,                           # additional arguments on the scheduler
)

# Train the ensemble
ensemble.fit(
    train_loader,
    epochs=epochs,                          # number of training epochs
)

# Evaluate the ensemble
acc = ensemble.predict(test_loader)         # testing accuracy

Supported Ensemble

Ensemble Name Type Source Code
Fusion Mixed fusion.py
Voting [1] Parallel voting.py
Bagging [2] Parallel bagging.py
Gradient Boosting [3] Sequential gradient_boosting.py
Snapshot Ensemble [4] Sequential snapshot_ensemble.py
Adversarial Training [5] Parallel adversarial_training.py
Fast Geometric Ensemble [6] Sequential fast_geometric.py
Soft Gradient Boosting [7] Parallel soft_gradient_boosting.py

Dependencies

  • scikit-learn>=0.23.0
  • torch>=1.4.0
  • torchvision>=0.2.2

Reference

[1]Zhou, Zhi-Hua. Ensemble Methods: Foundations and Algorithms. CRC press, 2012.
[2]Breiman, Leo. Bagging Predictors. Machine Learning (1996): 123-140.
[3]Friedman, Jerome H. Greedy Function Approximation: A Gradient Boosting Machine. Annals of Statistics (2001): 1189-1232.
[4]Huang, Gao, et al. Snapshot Ensembles: Train 1, Get M For Free. ICLR, 2017.
[5]Lakshminarayanan, Balaji, et al. Simple and Scalable Predictive Uncertainty Estimation using Deep Ensembles. NIPS, 2017.
[6]Garipov, Timur, et al. Loss Surfaces, Mode Connectivity, and Fast Ensembling of DNNs. NeurIPS, 2018.
[7]Feng, Ji, et al. Soft Gradient Boosting Machine. ArXiv, 2020.

Thanks to all our contributors

contributors

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].