All Projects → Grt → Similar Projects or Alternatives

225 Open source projects that are alternatives of or similar to Grt

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 (-78.35%)
25daysinmachinelearning
I will update this repository to learn Machine learning with python with statistics content and materials
Stars: ✭ 53 (-92.83%)
Mutual labels:  random-forest, linear-regression
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 (-97.29%)
Mutual labels:  random-forest, linear-regression
Isl Python
Solutions to labs and excercises from An Introduction to Statistical Learning, as Jupyter Notebooks.
Stars: ✭ 108 (-85.39%)
Mutual labels:  random-forest, linear-regression
Machine learning
Estudo e implementação dos principais algoritmos de Machine Learning em Jupyter Notebooks.
Stars: ✭ 161 (-78.21%)
Mutual labels:  linear-regression, kmeans
Machine learning basics
Plain python implementations of basic machine learning algorithms
Stars: ✭ 3,557 (+381.33%)
Mutual labels:  linear-regression, kmeans
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+351.15%)
Mutual labels:  random-forest, linear-regression
Mlkit
A simple machine learning framework written in Swift 🤖
Stars: ✭ 144 (-80.51%)
Mutual labels:  linear-regression, kmeans
2018 Machinelearning Lectures Esa
Machine Learning Lectures at the European Space Agency (ESA) in 2018
Stars: ✭ 280 (-62.11%)
Mutual labels:  random-forest, linear-regression
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 (-95.94%)
Mutual labels:  random-forest, linear-regression
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (-97.16%)
Mutual labels:  random-forest, linear-regression
Sharplearning
Machine learning for C# .Net
Stars: ✭ 294 (-60.22%)
Mutual labels:  random-forest
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-95.53%)
Mutual labels:  random-forest
AdaptiveRandomForest
Repository for the AdaptiveRandomForest algorithm implemented in MOA 2016-04
Stars: ✭ 28 (-96.21%)
Mutual labels:  random-forest
EurekaTrees
Visualizes the Random Forest debug string from the MLLib in Spark using D3.js
Stars: ✭ 37 (-94.99%)
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 (-30.18%)
Mutual labels:  random-forest
Fuku Ml
Simple machine learning library / 簡單易用的機器學習套件
Stars: ✭ 280 (-62.11%)
Mutual labels:  linear-regression
rmi
A learned index structure
Stars: ✭ 51 (-93.1%)
Mutual labels:  linear-regression
MLDay18
Material from "Random Forests and Gradient Boosting Machines in R" presented at Machine Learning Day '18
Stars: ✭ 15 (-97.97%)
Mutual labels:  random-forest
ml
经典机器学习算法的极简实现
Stars: ✭ 130 (-82.41%)
Mutual labels:  kmeans
machine-learning-course
Machine Learning Course @ Santa Clara University
Stars: ✭ 17 (-97.7%)
Mutual labels:  linear-regression
VBLinLogit
Variational Bayes linear and logistic regression
Stars: ✭ 25 (-96.62%)
Mutual labels:  linear-regression
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 (+665.36%)
Mutual labels:  random-forest
Tensorflow Book
Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
Stars: ✭ 4,448 (+501.89%)
Mutual labels:  linear-regression
Deep Learning From Scratch
Six snippets of code that made deep learning what it is today.
Stars: ✭ 255 (-65.49%)
Mutual labels:  linear-regression
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 (-96.21%)
Mutual labels:  random-forest
interactive-simple-linear-regression
A PureScript, browser-based implementation of simple linear regression.
Stars: ✭ 15 (-97.97%)
Mutual labels:  linear-regression
Regression
Multivariable regression library in Go
Stars: ✭ 300 (-59.4%)
Mutual labels:  linear-regression
Lecture-3-Linear-Models
ICDSS Machine Learning Workshop Series: Linear Models
Stars: ✭ 19 (-97.43%)
Mutual labels:  linear-regression
Grf
Generalized Random Forests
Stars: ✭ 532 (-28.01%)
Mutual labels:  random-forest
kmeans
K-Means clustering
Stars: ✭ 51 (-93.1%)
Mutual labels:  kmeans
Rrcf
🌲 Implementation of the Robust Random Cut Forest algorithm for anomaly detection on streams
Stars: ✭ 289 (-60.89%)
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 (-95.26%)
Mutual labels:  random-forest
Kmcuda
Large scale K-means and K-nn implementation on NVIDIA GPU / CUDA
Stars: ✭ 627 (-15.16%)
Mutual labels:  kmeans
missRanger
R package "missRanger" for fast imputation of missing values by random forests.
Stars: ✭ 42 (-94.32%)
Mutual labels:  random-forest
MachineLearning
โค้ดประกอบเนื้อหา Python Machine Learning เบื้องต้น [2020]
Stars: ✭ 28 (-96.21%)
Mutual labels:  linear-regression
Machinelearnjs
Machine Learning library for the web and Node.
Stars: ✭ 498 (-32.61%)
Mutual labels:  random-forest
2020plus
Classifies genes as an oncogene, tumor suppressor gene, or as a non-driver gene by using Random Forests
Stars: ✭ 44 (-94.05%)
Mutual labels:  random-forest
models-by-example
By-hand code for models and algorithms. An update to the 'Miscellaneous-R-Code' repo.
Stars: ✭ 43 (-94.18%)
Mutual labels:  linear-regression
forestError
A Unified Framework for Random Forest Prediction Error Estimation
Stars: ✭ 23 (-96.89%)
Mutual labels:  random-forest
Stock Analysis
Regression, Scrapers, and Visualization
Stars: ✭ 255 (-65.49%)
Mutual labels:  linear-regression
Market-Mix-Modeling
Market Mix Modelling for an eCommerce firm to estimate the impact of various marketing levers on sales
Stars: ✭ 31 (-95.81%)
Mutual labels:  linear-regression
Awesome Gradient Boosting Papers
A curated list of gradient boosting research papers with implementations.
Stars: ✭ 704 (-4.74%)
Mutual labels:  random-forest
Machine-Learning-Andrew-Ng
机器学习-Coursera-吴恩达- python+Matlab代码实现
Stars: ✭ 127 (-82.81%)
Mutual labels:  linear-regression
stats
📈 Useful notes and personal collections on statistics.
Stars: ✭ 16 (-97.83%)
Mutual labels:  linear-regression
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (-46.55%)
Mutual labels:  random-forest
linear-tree
A python library to build Model Trees with Linear Models at the leaves.
Stars: ✭ 128 (-82.68%)
Mutual labels:  random-forest
kmeans-clustering-cpp
A C++ implementation of simple k-means clustering algorithm.
Stars: ✭ 39 (-94.72%)
Mutual labels:  kmeans
yggdrasil-decision-forests
A collection of state-of-the-art algorithms for the training, serving and interpretation of Decision Forest models.
Stars: ✭ 156 (-78.89%)
Mutual labels:  random-forest
abess
Fast Best-Subset Selection Library
Stars: ✭ 266 (-64.01%)
Mutual labels:  linear-regression
Thundergbm
ThunderGBM: Fast GBDTs and Random Forests on GPUs
Stars: ✭ 586 (-20.7%)
Mutual labels:  random-forest
User Machine Learning Tutorial
useR! 2016 Tutorial: Machine Learning Algorithmic Deep Dive http://user2016.org/tutorials/10.html
Stars: ✭ 393 (-46.82%)
Mutual labels:  random-forest
netflix-style-recommender
A simple movie recommendation engine
Stars: ✭ 65 (-91.2%)
Mutual labels:  linear-regression
pigmnts
🎨 Color palette generator from an image using WebAssesmbly and Rust
Stars: ✭ 38 (-94.86%)
Mutual labels:  kmeans
arboreto
A scalable python-based framework for gene regulatory network inference using tree-based ensemble regressors.
Stars: ✭ 33 (-95.53%)
Mutual labels:  random-forest
strtsmrt
Stock price trend prediction with news sentiment analysis using deep learning
Stars: ✭ 63 (-91.47%)
Mutual labels:  linear-regression
kmeans
A simple implementation of K-means (and Bisecting K-means) clustering algorithm in Python
Stars: ✭ 18 (-97.56%)
Mutual labels:  kmeans
TotalLeastSquares.jl
Solve many kinds of least-squares and matrix-recovery problems
Stars: ✭ 23 (-96.89%)
Mutual labels:  linear-regression
ML-Coursera
This repository contains all the programming exercises in Python for the Coursera course called "Machine Learning" by Adjunct Professor Andrew Ng at Stanford University.
Stars: ✭ 66 (-91.07%)
Mutual labels:  linear-regression
cobra
A Python package to build predictive linear and logistic regression models focused on performance and interpretation
Stars: ✭ 23 (-96.89%)
Mutual labels:  linear-regression
1-60 of 225 similar projects