All Projects → Deep Forest → Similar Projects or Alternatives

152 Open source projects that are alternatives of or similar to Deep Forest

survtmle
Targeted Learning for Survival Analysis
Stars: ✭ 18 (-96.71%)
Mutual labels:  ensemble-learning
MachineLearningSeries
Vídeos e códigos do Universo Discreto ensinando o fundamental de Machine Learning em Python. Para mais detalhes, acompanhar a playlist listada.
Stars: ✭ 20 (-96.34%)
Mutual labels:  random-forest
Github-Stars-Predictor
It's a github repo star predictor that tries to predict the stars of any github repository having greater than 100 stars.
Stars: ✭ 34 (-93.78%)
Mutual labels:  random-forest
sl3
💪 🤔 Modern Super Learning with Machine Learning Pipelines
Stars: ✭ 93 (-83%)
Mutual labels:  ensemble-learning
dlime experiments
In this work, we propose a deterministic version of Local Interpretable Model Agnostic Explanations (LIME) and the experimental results on three different medical datasets shows the superiority for Deterministic Local Interpretable Model-Agnostic Explanations (DLIME).
Stars: ✭ 21 (-96.16%)
Mutual labels:  random-forest
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (-31.44%)
Mutual labels:  ensemble-learning
receiptdID
Receipt.ID is a multi-label, multi-class, hierarchical classification system implemented in a two layer feed forward network.
Stars: ✭ 22 (-95.98%)
Mutual labels:  random-forest
stackgbm
🌳 Stacked Gradient Boosting Machines
Stars: ✭ 24 (-95.61%)
Mutual labels:  ensemble-learning
2020plus
Classifies genes as an oncogene, tumor suppressor gene, or as a non-driver gene by using Random Forests
Stars: ✭ 44 (-91.96%)
Mutual labels:  random-forest
pycobra
python library implementing ensemble methods for regression, classification and visualisation tools including Voronoi tesselations.
Stars: ✭ 111 (-79.71%)
Mutual labels:  ensemble-learning
atomai
Deep and Machine Learning for Microscopy
Stars: ✭ 77 (-85.92%)
Mutual labels:  ensemble-learning
Skin Lesions Classification DCNNs
Transfer Learning with DCNNs (DenseNet, Inception V3, Inception-ResNet V2, VGG16) for skin lesions classification
Stars: ✭ 47 (-91.41%)
Mutual labels:  ensemble-learning
Combo
(AAAI' 20) A Python Toolbox for Machine Learning Model Combination
Stars: ✭ 481 (-12.07%)
Mutual labels:  ensemble-learning
eForest
This is the official implementation for the paper 'AutoEncoder by Forest'
Stars: ✭ 71 (-87.02%)
Mutual labels:  random-forest
aws-machine-learning-university-dte
Machine Learning University: Decision Trees and Ensemble Methods
Stars: ✭ 119 (-78.24%)
Mutual labels:  random-forest
pykitml
Machine Learning library written in Python and NumPy.
Stars: ✭ 26 (-95.25%)
Mutual labels:  random-forest
mindware
An efficient open-source AutoML system for automating machine learning lifecycle, including feature engineering, neural architecture search, and hyper-parameter tuning.
Stars: ✭ 34 (-93.78%)
Mutual labels:  ensemble-learning
Heart disease prediction
Heart Disease prediction using 5 algorithms
Stars: ✭ 43 (-92.14%)
Mutual labels:  random-forest
supervised-machine-learning
This repo contains regression and classification projects. Examples: development of predictive models for comments on social media websites; building classifiers to predict outcomes in sports competitions; churn analysis; prediction of clicks on online ads; analysis of the opioids crisis and an analysis of retail store expansion strategies using…
Stars: ✭ 34 (-93.78%)
Mutual labels:  random-forest
STOCK-RETURN-PREDICTION-USING-KNN-SVM-GUASSIAN-PROCESS-ADABOOST-TREE-REGRESSION-AND-QDA
Forecast stock prices using machine learning approach. A time series analysis. Employ the Use of Predictive Modeling in Machine Learning to Forecast Stock Return. Approach Used by Hedge Funds to Select Tradeable Stocks
Stars: ✭ 94 (-82.82%)
Mutual labels:  random-forest
Deslib
A Python library for dynamic classifier and ensemble selection
Stars: ✭ 316 (-42.23%)
Mutual labels:  ensemble-learning
imbalanced-ensemble
Class-imbalanced / Long-tailed ensemble learning in Python. Modular, flexible, and extensible. | 模块化、灵活、易扩展的类别不平衡/长尾机器学习库
Stars: ✭ 199 (-63.62%)
Mutual labels:  ensemble-learning
onelearn
Online machine learning methods
Stars: ✭ 14 (-97.44%)
Mutual labels:  random-forest
AIML-Projects
Projects I completed as a part of Great Learning's PGP - Artificial Intelligence and Machine Learning
Stars: ✭ 85 (-84.46%)
Mutual labels:  random-forest
GAN-Ensemble-for-Anomaly-Detection
This repository is the PyTorch implementation of GAN Ensemble for Anomaly Detection.
Stars: ✭ 26 (-95.25%)
Mutual labels:  ensemble-learning
decision-trees-for-ml
Building Decision Trees From Scratch In Python
Stars: ✭ 61 (-88.85%)
Mutual labels:  random-forest
mindware
An efficient open-source AutoML system for automating machine learning lifecycle, including feature engineering, neural architecture search, and hyper-parameter tuning.
Stars: ✭ 34 (-93.78%)
Mutual labels:  ensemble-learning
Orange3
🍊 📊 💡 Orange: Interactive data analysis
Stars: ✭ 3,152 (+476.23%)
Mutual labels:  random-forest
Hyperparameter Optimization Of Machine Learning Algorithms
Implementation of hyperparameter optimization/tuning methods for machine learning & deep learning models (easy&clear)
Stars: ✭ 516 (-5.67%)
Mutual labels:  random-forest
Shifu
An end-to-end machine learning and data mining framework on Hadoop
Stars: ✭ 207 (-62.16%)
Mutual labels:  random-forest
Machine learning trading algorithm
Master's degree project: Development of a trading algorithm which uses supervised machine learning classification techniques to generate buy/sell signals
Stars: ✭ 20 (-96.34%)
Mutual labels:  random-forest
Infiniteboost
InfiniteBoost: building infinite ensembles with gradient descent
Stars: ✭ 180 (-67.09%)
Mutual labels:  random-forest
Ensemble-Pytorch
A unified ensemble framework for PyTorch to improve the performance and robustness of your deep learning model.
Stars: ✭ 407 (-25.59%)
Mutual labels:  ensemble-learning
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 (-67.82%)
Mutual labels:  random-forest
click-through-rate-prediction
📈 Click-Through Rate Prediction using Logistic Regression and Tree Algorithms
Stars: ✭ 60 (-89.03%)
Mutual labels:  random-forest
Machine Learning Is All You Need
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
Stars: ✭ 173 (-68.37%)
Mutual labels:  random-forest
Text classification
Text Classification Algorithms: A Survey
Stars: ✭ 1,276 (+133.27%)
Mutual labels:  random-forest
Emlearn
Machine Learning inference engine for Microcontrollers and Embedded devices
Stars: ✭ 154 (-71.85%)
Mutual labels:  random-forest
efficient online learning
Efficient Online Transfer Learning for 3D Object Detection in Autonomous Driving
Stars: ✭ 20 (-96.34%)
Mutual labels:  random-forest
Benchm Ml
A minimal benchmark for scalability, speed and accuracy of commonly used open source implementations (R packages, Python scikit-learn, H2O, xgboost, Spark MLlib etc.) of the top machine learning algorithms for binary classification (random forests, gradient boosted trees, deep neural networks etc.).
Stars: ✭ 1,835 (+235.47%)
Mutual labels:  random-forest
2018 Machinelearning Lectures Esa
Machine Learning Lectures at the European Space Agency (ESA) in 2018
Stars: ✭ 280 (-48.81%)
Mutual labels:  random-forest
missRanger
R package "missRanger" for fast imputation of missing values by random forests.
Stars: ✭ 42 (-92.32%)
Mutual labels:  random-forest
Sporf
This is the implementation of Sparse Projection Oblique Randomer Forest
Stars: ✭ 70 (-87.2%)
Mutual labels:  random-forest
random-survival-forest
A Random Survival Forest implementation for python inspired by Ishwaran et al. - Easily understandable, adaptable and extendable.
Stars: ✭ 40 (-92.69%)
Mutual labels:  random-forest
Randomforest
随机森林,Random Forest(RF)
Stars: ✭ 132 (-75.87%)
Mutual labels:  random-forest
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (-27.79%)
Mutual labels:  random-forest
Ml Projects
ML based projects such as Spam Classification, Time Series Analysis, Text Classification using Random Forest, Deep Learning, Bayesian, Xgboost in Python
Stars: ✭ 127 (-76.78%)
Mutual labels:  random-forest
Ensemble-of-Multi-Scale-CNN-for-Dermatoscopy-Classification
Fully supervised binary classification of skin lesions from dermatoscopic images using an ensemble of diverse CNN architectures (EfficientNet-B6, Inception-V3, SEResNeXt-101, SENet-154, DenseNet-169) with multi-scale input.
Stars: ✭ 25 (-95.43%)
Mutual labels:  ensemble-learning
Network Intrusion Detection
Machine Learning with the NSL-KDD dataset for Network Intrusion Detection
Stars: ✭ 119 (-78.24%)
Mutual labels:  random-forest
urb-studies-predicting-gentrification
This repo is intended to support replication and exploration of the analysis undertaken for our Urban Studies article "Understanding urban gentrification through Machine Learning: Predicting neighbourhood change in London".
Stars: ✭ 35 (-93.6%)
Mutual labels:  random-forest
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (-96.16%)
Mutual labels:  random-forest
Reproduce Stock Market Direction Random Forests
Reproduce research from paper "Predicting the direction of stock market prices using random forest"
Stars: ✭ 67 (-87.75%)
Mutual labels:  random-forest
MLDay18
Material from "Random Forests and Gradient Boosting Machines in R" presented at Machine Learning Day '18
Stars: ✭ 15 (-97.26%)
Mutual labels:  random-forest
LSTM-Time-Series-Analysis
Using LSTM network for time series forecasting
Stars: ✭ 41 (-92.5%)
Mutual labels:  random-forest
scoruby
Ruby Scoring API for PMML
Stars: ✭ 69 (-87.39%)
Mutual labels:  random-forest
Grf
Generalized Random Forests
Stars: ✭ 532 (-2.74%)
Mutual labels:  random-forest
Machinelearnjs
Machine Learning library for the web and Node.
Stars: ✭ 498 (-8.96%)
Mutual labels:  random-forest
rfvis
A tool for visualizing the structure and performance of Random Forests 🌳
Stars: ✭ 20 (-96.34%)
Mutual labels:  random-forest
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+509.51%)
Mutual labels:  random-forest
forestError
A Unified Framework for Random Forest Prediction Error Estimation
Stars: ✭ 23 (-95.8%)
Mutual labels:  random-forest
61-120 of 152 similar projects