All Projects → supervised-machine-learning → Similar Projects or Alternatives

930 Open source projects that are alternatives of or similar to supervised-machine-learning

The Deep Learning With Keras Workshop
An Interactive Approach to Understanding Deep Learning with Keras
Stars: ✭ 34 (+0%)
Sporf
This is the implementation of Sparse Projection Oblique Randomer Forest
Stars: ✭ 70 (+105.88%)
Orange3
🍊 📊 💡 Orange: Interactive data analysis
Stars: ✭ 3,152 (+9170.59%)
Machine Learning From Scratch
Machine Learning models from scratch with a better visualisation
Stars: ✭ 15 (-55.88%)
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-2.94%)
Amazon-Fine-Food-Review
Machine learning algorithm such as KNN,Naive Bayes,Logistic Regression,SVM,Decision Trees,Random Forest,k means and Truncated SVD on amazon fine food review
Stars: ✭ 28 (-17.65%)
Awesome Fraud Detection Papers
A curated list of data mining papers about fraud detection.
Stars: ✭ 843 (+2379.41%)
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+9705.88%)
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 (+408.82%)
click-through-rate-prediction
📈 Click-Through Rate Prediction using Logistic Regression and Tree Algorithms
Stars: ✭ 60 (+76.47%)
Fuku Ml
Simple machine learning library / 簡單易用的機器學習套件
Stars: ✭ 280 (+723.53%)
Machine Learning Models
Decision Trees, Random Forest, Dynamic Time Warping, Naive Bayes, KNN, Linear Regression, Logistic Regression, Mixture Of Gaussian, Neural Network, PCA, SVD, Gaussian Naive Bayes, Fitting Data to Gaussian, K-Means
Stars: ✭ 160 (+370.59%)
AdaptiveRandomForest
Repository for the AdaptiveRandomForest algorithm implemented in MOA 2016-04
Stars: ✭ 28 (-17.65%)
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (-35.29%)
Machine Learning With Python
Practice and tutorial-style notebooks covering wide variety of machine learning techniques
Stars: ✭ 2,197 (+6361.76%)
Text classification
Text Classification Algorithms: A Survey
Stars: ✭ 1,276 (+3652.94%)
df-dn-paper
Conceptual & empirical comparisons between decision forests & deep networks
Stars: ✭ 14 (-58.82%)
Mutual labels:  classification, decision-trees
Machine learning
Estudo e implementação dos principais algoritmos de Machine Learning em Jupyter Notebooks.
Stars: ✭ 161 (+373.53%)
Tensorflow Book
Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
Stars: ✭ 4,448 (+12982.35%)
aws-machine-learning-university-dte
Machine Learning University: Decision Trees and Ensemble Methods
Stars: ✭ 119 (+250%)
Mutual labels:  random-forest, decision-trees
C4.5
A python implementation of C4.5 algorithm by R. Quinlan
Stars: ✭ 51 (+50%)
Mutual labels:  classification, decision-trees
yggdrasil-decision-forests
A collection of state-of-the-art algorithms for the training, serving and interpretation of Decision Forest models.
Stars: ✭ 156 (+358.82%)
Mutual labels:  random-forest, decision-trees
MLDay18
Material from "Random Forests and Gradient Boosting Machines in R" presented at Machine Learning Day '18
Stars: ✭ 15 (-55.88%)
Mutual labels:  random-forest, decision-trees
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 (-41.18%)
Mutual labels:  random-forest, classification
Dtreeviz
A python library for decision tree visualization and model interpretation.
Stars: ✭ 1,857 (+5361.76%)
Mutual labels:  random-forest, decision-trees
2018 Machinelearning Lectures Esa
Machine Learning Lectures at the European Space Agency (ESA) in 2018
Stars: ✭ 280 (+723.53%)
Mutual labels:  random-forest, decision-trees
Credit
An example project that predicts risk of credit card default using a Logistic Regression classifier and a 30,000 sample dataset.
Stars: ✭ 18 (-47.06%)
Text Classification Benchmark
文本分类基准测试
Stars: ✭ 18 (-47.06%)
Bike-Sharing-Demand-Kaggle
Top 5th percentile solution to the Kaggle knowledge problem - Bike Sharing Demand
Stars: ✭ 33 (-2.94%)
Mutual labels:  random-forest, decision-trees
Sharplearning
Machine learning for C# .Net
Stars: ✭ 294 (+764.71%)
Mutual labels:  random-forest, decision-trees
25daysinmachinelearning
I will update this repository to learn Machine learning with python with statistics content and materials
Stars: ✭ 53 (+55.88%)
Fake news detection
Fake News Detection in Python
Stars: ✭ 194 (+470.59%)
Data Science Toolkit
Collection of stats, modeling, and data science tools in Python and R.
Stars: ✭ 169 (+397.06%)
Dat8
General Assembly's 2015 Data Science course in Washington, DC
Stars: ✭ 1,516 (+4358.82%)
linear-tree
A python library to build Model Trees with Linear Models at the leaves.
Stars: ✭ 128 (+276.47%)
Mutual labels:  random-forest, decision-trees
Network Intrusion Detection
Machine Learning with the NSL-KDD dataset for Network Intrusion Detection
Stars: ✭ 119 (+250%)
Mutual labels:  random-forest, decision-trees
Machine Learning In R
Workshop (6 hours): preprocessing, cross-validation, lasso, decision trees, random forest, xgboost, superlearner ensembles
Stars: ✭ 144 (+323.53%)
Mutual labels:  random-forest, decision-trees
Textclassification
several methods for text classification
Stars: ✭ 180 (+429.41%)
IBM-final-project-Machine-Learning
Final project of IBM's course https://www.coursera.org/learn/machine-learning-with-python on coursera
Stars: ✭ 33 (-2.94%)
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 (+417.65%)
Mutual labels:  random-forest, decision-trees
AIML-Projects
Projects I completed as a part of Great Learning's PGP - Artificial Intelligence and Machine Learning
Stars: ✭ 85 (+150%)
Trajectory-Analysis-and-Classification-in-Python-Pandas-and-Scikit-Learn
Formed trajectories of sets of points.Experimented on finding similarities between trajectories based on DTW (Dynamic Time Warping) and LCSS (Longest Common SubSequence) algorithms.Modeled trajectories as strings based on a Grid representation.Benchmarked KNN, Random Forest, Logistic Regression classification algorithms to classify efficiently t…
Stars: ✭ 41 (+20.59%)
Handwritten Digit Recognition Using Deep Learning
Handwritten Digit Recognition using Machine Learning and Deep Learning
Stars: ✭ 127 (+273.53%)
Mutual labels:  random-forest, classification
Isl Python
Solutions to labs and excercises from An Introduction to Statistical Learning, as Jupyter Notebooks.
Stars: ✭ 108 (+217.65%)
Loan-Approval-Prediction
Loan Application Data Analysis
Stars: ✭ 61 (+79.41%)
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 (-11.76%)
ICC-2019-WC-prediction
Predicting the winner of 2019 cricket world cup using random forest algorithm
Stars: ✭ 41 (+20.59%)
Tensorflow Ml Nlp
텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)
Stars: ✭ 176 (+417.65%)
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 (+176.47%)
rfvis
A tool for visualizing the structure and performance of Random Forests 🌳
Stars: ✭ 20 (-41.18%)
Mutual labels:  random-forest, decision-trees
SGDLibrary
MATLAB/Octave library for stochastic optimization algorithms: Version 1.0.20
Stars: ✭ 165 (+385.29%)
R-stats-machine-learning
Misc Statistics and Machine Learning codes in R
Stars: ✭ 33 (-2.94%)
Mutual labels:  random-forest, decision-trees
onelearn
Online machine learning methods
Stars: ✭ 14 (-58.82%)
Mutual labels:  random-forest, classification
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 (-20.59%)
Utlyz-CLI
Let's you to access your FB account from the command line and returns various things number of unread notifications, messages or friend requests you have.
Stars: ✭ 30 (-11.76%)
Mutual labels:  webscraping, beautifulsoup4
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 (+129.41%)
Mutual labels:  random-forest, decision-trees
Heart disease prediction
Heart Disease prediction using 5 algorithms
Stars: ✭ 43 (+26.47%)
goscore
Go Scoring API for PMML
Stars: ✭ 85 (+150%)
Mutual labels:  random-forest, decision-trees
scoruby
Ruby Scoring API for PMML
Stars: ✭ 69 (+102.94%)
Mutual labels:  random-forest, classification
ugtm
ugtm: a Python package for Generative Topographic Mapping
Stars: ✭ 34 (+0%)
Mutual labels:  classification
1-60 of 930 similar projects