All Projects → levyben → Deepsuperlearner

levyben / Deepsuperlearner

Licence: mit
DeepSuperLearner - Python implementation of the deep ensemble algorithm

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Deepsuperlearner

Deslib
A Python library for dynamic classifier and ensemble selection
Stars: ✭ 316 (+152.8%)
Mutual labels:  ensemble-learning
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 (+4424.8%)
Mutual labels:  ensemble-learning
Xcessiv
A web-based application for quick, scalable, and automated hyperparameter tuning and stacked ensembling in Python.
Stars: ✭ 1,255 (+904%)
Mutual labels:  ensemble-learning
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+200%)
Mutual labels:  ensemble-learning
Deep Forest
An Efficient, Scalable and Optimized Python Framework for Deep Forest (2021.2.1)
Stars: ✭ 547 (+337.6%)
Mutual labels:  ensemble-learning
Mlens
ML-Ensemble – high performance ensemble learning
Stars: ✭ 680 (+444%)
Mutual labels:  ensemble-learning
Sharplearning
Machine learning for C# .Net
Stars: ✭ 294 (+135.2%)
Mutual labels:  ensemble-learning
Handful Of Trials Pytorch
Unofficial Pytorch code for "Deep Reinforcement Learning in a Handful of Trials using Probabilistic Dynamics Models"
Stars: ✭ 112 (-10.4%)
Mutual labels:  ensemble-learning
Vecstack
Python package for stacking (machine learning technique)
Stars: ✭ 587 (+369.6%)
Mutual labels:  ensemble-learning
Predicting real estate prices using scikit Learn
Predicting Amsterdam house / real estate prices using Ordinary Least Squares-, XGBoost-, KNN-, Lasso-, Ridge-, Polynomial-, Random Forest-, and Neural Network MLP Regression (via scikit-learn)
Stars: ✭ 78 (-37.6%)
Mutual labels:  ensemble-learning
User Machine Learning Tutorial
useR! 2016 Tutorial: Machine Learning Algorithmic Deep Dive http://user2016.org/tutorials/10.html
Stars: ✭ 393 (+214.4%)
Mutual labels:  ensemble-learning
Combo
(AAAI' 20) A Python Toolbox for Machine Learning Model Combination
Stars: ✭ 481 (+284.8%)
Mutual labels:  ensemble-learning
Mlj.jl
A Julia machine learning framework
Stars: ✭ 982 (+685.6%)
Mutual labels:  ensemble-learning
Deeplearning
Python for《Deep Learning》,该书为《深度学习》(花书) 数学推导、原理剖析与源码级别代码实现
Stars: ✭ 4,020 (+3116%)
Mutual labels:  ensemble-learning
Deepbrainseg
Fully automatic brain tumour segmentation using Deep 3-D convolutional neural networks
Stars: ✭ 96 (-23.2%)
Mutual labels:  ensemble-learning
Autogluon
AutoGluon: AutoML for Text, Image, and Tabular Data
Stars: ✭ 3,920 (+3036%)
Mutual labels:  ensemble-learning
Ad examples
A collection of anomaly detection methods (iid/point-based, graph and time series) including active learning for anomaly detection/discovery, bayesian rule-mining, description for diversity/explanation/interpretability. Analysis of incorporating label feedback with ensemble and tree-based detectors. Includes adversarial attacks with Graph Convolutional Network.
Stars: ✭ 641 (+412.8%)
Mutual labels:  ensemble-learning
Dat8
General Assembly's 2015 Data Science course in Washington, DC
Stars: ✭ 1,516 (+1112.8%)
Mutual labels:  ensemble-learning
Mlr3pipelines
Dataflow Programming for Machine Learning in R
Stars: ✭ 96 (-23.2%)
Mutual labels:  ensemble-learning
Gcforest
This is the official implementation for the paper 'Deep forest: Towards an alternative to deep neural networks'
Stars: ✭ 1,214 (+871.2%)
Mutual labels:  ensemble-learning

DeepSuperLearner (2018) in Python

This is a sklearn implementation of the machine-learning DeepSuperLearner algorithm, A Deep Ensemble method for Classification Problems.

For details about DeepSuperLearner please refer to the https://arxiv.org/abs/1803.02323: Deep Super Learner: A Deep Ensemble for Classification Problems by Steven Young, Tamer Abdou, and Ayse Bener.

Installation and demo

  1. Clone this repository

    git clone https://github.com/levyben/DeepSuperLearner.git
    
  2. Install the python library

    cd DeepSuperLearner
    python setup.py install
    

Example:

    ERT_learner = ExtremeRandomizedTrees(n_estimators=200, max_depth=None, max_features=1)
    kNN_learner = kNearestNeighbors(n_neighbors=11)
    LR_learner = LogisticRegression()
    RFC_learner = RandomForestClassifier(n_estimators=200, max_depth=None)
    XGB_learner = XGBClassifier(n_estimators=200, max_depth=3, learning_rate=1.)
    Base_learners = {'ExtremeRandomizedTrees':ERT_learner, 'kNearestNeighbors':kNN_learner, 'LogisticRegression':LR_learner,
                     'RandomForestClassifier':RFC_learner, 'XGBClassifier':XGB_learner}    
    np.random.seed(100)
    X, y = datasets.make_classification(n_samples=1000, n_features=12,
                                        n_informative=2, n_redundant=6)
    X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2)
    DSL_learner = DeepSuperLearner(Base_learners)
    DSL_learner.fit(X_train, y_train)
    DSL_learner.get_precision_recall(X_test, y_test, show_graphs=True)    

See deepSuperLearner/example.py for full example.

Alt text

Notes:

  1. For running example you need to install the XGB python lib as it is used as a base learner just as done in the paper.
  2. Although the algorithm is implemented for classification problems, it can be modified to perform on regression problems aswell.

TODO:

  • [x] Train on some sklearn data.
  • [ ] Restore paper classification results.
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].