All Projects → MLDay18 → Similar Projects or Alternatives

152 Open source projects that are alternatives of or similar to MLDay18

Gcforest
This is the official implementation for the paper 'Deep forest: Towards an alternative to deep neural networks'
Stars: ✭ 1,214 (+7993.33%)
Mutual labels:  random-forest
Heart disease prediction
Heart Disease prediction using 5 algorithms
Stars: ✭ 43 (+186.67%)
Mutual labels:  random-forest
telco-customer-churn-in-r-and-h2o
Showcase for using H2O and R for churn prediction (inspired by ZhouFang928 examples)
Stars: ✭ 59 (+293.33%)
Mutual labels:  gradient-boosting-machine
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 (+526.67%)
Mutual labels:  random-forest
onelearn
Online machine learning methods
Stars: ✭ 14 (-6.67%)
Mutual labels:  random-forest
Quickml
A fast and easy to use decision tree learner in java
Stars: ✭ 230 (+1433.33%)
Mutual labels:  random-forest
RobustTrees
[ICML 2019, 20 min long talk] Robust Decision Trees Against Adversarial Examples
Stars: ✭ 62 (+313.33%)
Mutual labels:  decision-trees
Textclassification
several methods for text classification
Stars: ✭ 180 (+1100%)
Mutual labels:  random-forest
How-to-score-0.8134-in-Titanic-Kaggle-Challenge
Solution of the Titanic Kaggle competition
Stars: ✭ 114 (+660%)
Mutual labels:  random-forest
Shapley regressions
Statistical inference on machine learning or general non-parametric models
Stars: ✭ 37 (+146.67%)
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 (+346.67%)
Mutual labels:  random-forest
IPL-ML-2018
Predicting IPL match results. https://kuharan.github.io/IPL-ML-2018/
Stars: ✭ 14 (-6.67%)
Mutual labels:  decision-trees
Voice4Rural
A complete one stop solution for all the problems of Rural area people. 👩🏻‍🌾
Stars: ✭ 12 (-20%)
Mutual labels:  decision-trees
Edarf
exploratory data analysis using random forests
Stars: ✭ 62 (+313.33%)
Mutual labels:  random-forest
25daysinmachinelearning
I will update this repository to learn Machine learning with python with statistics content and materials
Stars: ✭ 53 (+253.33%)
Mutual labels:  random-forest
ecPoint-Calibrate
Interactive GUI (developed in Python) for calibration and conditional verification of numerical weather prediction model outputs.
Stars: ✭ 19 (+26.67%)
Mutual labels:  decision-trees
receiptdID
Receipt.ID is a multi-label, multi-class, hierarchical classification system implemented in a two layer feed forward network.
Stars: ✭ 22 (+46.67%)
Mutual labels:  random-forest
Cnn Svm Classifier
Using Tensorflow and a Support Vector Machine to Create an Image Classifications Engine
Stars: ✭ 33 (+120%)
Mutual labels:  random-forest
Awesome Fraud Detection Papers
A curated list of data mining papers about fraud detection.
Stars: ✭ 843 (+5520%)
Mutual labels:  random-forest
stackgbm
🌳 Stacked Gradient Boosting Machines
Stars: ✭ 24 (+60%)
Mutual labels:  decision-trees
Text Classification Benchmark
文本分类基准测试
Stars: ✭ 18 (+20%)
Mutual labels:  random-forest
Handwritten Digit Recognition Using Deep Learning
Handwritten Digit Recognition using Machine Learning and Deep Learning
Stars: ✭ 127 (+746.67%)
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 (+126.67%)
Mutual labels:  random-forest
Awesome Gradient Boosting Papers
A curated list of gradient boosting research papers with implementations.
Stars: ✭ 704 (+4593.33%)
Mutual labels:  random-forest
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (+166.67%)
Mutual labels:  random-forest
MachineLearning
Implementations of machine learning algorithm by Python 3
Stars: ✭ 16 (+6.67%)
Mutual labels:  decision-trees
java.math.expression.parser
java math expression parser is faster than JEP
Stars: ✭ 25 (+66.67%)
Mutual labels:  decision-trees
Thundergbm
ThunderGBM: Fast GBDTs and Random Forests on GPUs
Stars: ✭ 586 (+3806.67%)
Mutual labels:  random-forest
xforest
A super-fast and scalable Random Forest library based on fast histogram decision tree algorithm and distributed bagging framework. It can be used for binary classification, multi-label classification, and regression tasks. This library provides both Python and command line interface to users.
Stars: ✭ 20 (+33.33%)
Mutual labels:  random-forest
Grf
Generalized Random Forests
Stars: ✭ 532 (+3446.67%)
Mutual labels:  random-forest
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 (+40%)
Mutual labels:  random-forest
Roffildlibrary
Library for MQL5 (MetaTrader) with Python, Java, Apache Spark, AWS
Stars: ✭ 63 (+320%)
Mutual labels:  random-forest
jupyter-notebooks
Jupyter Notebooks and miscellaneous
Stars: ✭ 51 (+240%)
Mutual labels:  random-forest
Stock Market Sentiment Analysis
Identification of trends in the stock prices of a company by performing fundamental analysis of the company. News articles were provided as training data-sets to the model which classified the articles as positive or neutral. Sentiment score was computed by calculating the difference between positive and negative words present in the news article. Comparisons were made between the actual stock prices and the sentiment scores. Naive Bayes, OneR and Random Forest algorithms were used to observe the results of the model using Weka
Stars: ✭ 56 (+273.33%)
Mutual labels:  random-forest
cheapml
Machine Learning algorithms coded from scratch
Stars: ✭ 17 (+13.33%)
Mutual labels:  random-forest
Tpot
A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
Stars: ✭ 8,378 (+55753.33%)
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 (+3340%)
Mutual labels:  random-forest
Machinelearnjs
Machine Learning library for the web and Node.
Stars: ✭ 498 (+3220%)
Mutual labels:  random-forest
Mljar Supervised
Automated Machine Learning Pipeline with Feature Engineering and Hyper-Parameters Tuning 🚀
Stars: ✭ 961 (+6306.67%)
Mutual labels:  random-forest
wetlandmapR
Scripts, tools and example data for mapping wetland ecosystems using data driven R statistical methods like Random Forests and open source GIS
Stars: ✭ 16 (+6.67%)
Mutual labels:  random-forest
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (+46.67%)
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 (+166.67%)
Mutual labels:  random-forest
Grt
gesture recognition toolkit
Stars: ✭ 739 (+4826.67%)
Mutual labels:  random-forest
Machine-Learning-Models
In This repository I made some simple to complex methods in machine learning. Here I try to build template style code.
Stars: ✭ 30 (+100%)
Mutual labels:  random-forest
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 (+37606.67%)
Mutual labels:  random-forest
Encoder-Forest
eForest: Reversible mapping between high-dimensional data and path rule identifiers using trees embedding
Stars: ✭ 22 (+46.67%)
Mutual labels:  decision-trees
Deep Forest
An Efficient, Scalable and Optimized Python Framework for Deep Forest (2021.2.1)
Stars: ✭ 547 (+3546.67%)
Mutual labels:  random-forest
Loan-Web
ML-powered Loan-Marketer Customer Filtering Engine
Stars: ✭ 13 (-13.33%)
Mutual labels:  random-forest
randomforest-density-python
Random Forests for Density Estimation in Python
Stars: ✭ 24 (+60%)
Mutual labels:  random-forest
eForest
This is the official implementation for the paper 'AutoEncoder by Forest'
Stars: ✭ 71 (+373.33%)
Mutual labels:  random-forest
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+2533.33%)
Mutual labels:  random-forest
User Machine Learning Tutorial
useR! 2016 Tutorial: Machine Learning Algorithmic Deep Dive http://user2016.org/tutorials/10.html
Stars: ✭ 393 (+2520%)
Mutual labels:  random-forest
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (+40%)
Mutual labels:  random-forest
DecisionTrees
Seminar work "Decision Trees - An Introduction" with presentation, seminar paper, and Python implementation
Stars: ✭ 111 (+640%)
Mutual labels:  decision-trees
Rrcf
🌲 Implementation of the Robust Random Cut Forest algorithm for anomaly detection on streams
Stars: ✭ 289 (+1826.67%)
Mutual labels:  random-forest
Statistical-Learning-using-R
This is a Statistical Learning application which will consist of various Machine Learning algorithms and their implementation in R done by me and their in depth interpretation.Documents and reports related to the below mentioned techniques can be found on my Rpubs profile.
Stars: ✭ 27 (+80%)
Mutual labels:  decision-trees
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (+1800%)
Mutual labels:  random-forest
lolo
A random forest
Stars: ✭ 37 (+146.67%)
Mutual labels:  random-forest
pykitml
Machine Learning library written in Python and NumPy.
Stars: ✭ 26 (+73.33%)
Mutual labels:  random-forest
statemachine-go
🚦 Declarative Finite-State Machines in Go
Stars: ✭ 47 (+213.33%)
Mutual labels:  decision-trees
61-120 of 152 similar projects