All Projects → Machine Learning → Similar Projects or Alternatives

356 Open source projects that are alternatives of or similar to Machine Learning

Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+476.97%)
Mutual labels:  svm, regression, logistic, adaboost
ml
经典机器学习算法的极简实现
Stars: ✭ 130 (-97.68%)
Mutual labels:  svm, adaboost, knn, decision-tree
EvoTrees.jl
Boosted trees in Julia
Stars: ✭ 108 (-98.07%)
Mutual labels:  regression, logistic, decision-tree
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-99.46%)
Mutual labels:  svm, knn
Fall-Detection-Dataset
FUKinect-Fall dataset was created using Kinect V1. The dataset includes walking, bending, sitting, squatting, lying and falling actions performed by 21 subjects between 19-72 years of age.
Stars: ✭ 16 (-99.71%)
Mutual labels:  svm, knn
MachineLearning
机器学习教程,本教程包含基于numpy、sklearn与tensorflow机器学习,也会包含利用spark、flink加快模型训练等用法。本着能够较全的引导读者入门机器学习。
Stars: ✭ 23 (-99.59%)
Mutual labels:  svm, knn
regression-stock-prediction
Predicting Google’s stock price using regression
Stars: ✭ 54 (-99.04%)
Mutual labels:  svm, regression
The-Supervised-Learning-Workshop
An Interactive Approach to Understanding Supervised Learning Algorithms
Stars: ✭ 24 (-99.57%)
Mutual labels:  regression, knn
Tiny ml
numpy 实现的 周志华《机器学习》书中的算法及其他一些传统机器学习算法
Stars: ✭ 129 (-97.7%)
Mutual labels:  svm, regression
Machine learning code
机器学习与深度学习算法示例
Stars: ✭ 88 (-98.43%)
Mutual labels:  svm, regression
Tensorflow cookbook
Code for Tensorflow Machine Learning Cookbook
Stars: ✭ 5,984 (+6.84%)
Mutual labels:  svm, regression
introduction-to-machine-learning
A document covering machine learning basics. 🤖📊
Stars: ✭ 17 (-99.7%)
Mutual labels:  svm, knn
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 (-98.32%)
Mutual labels:  adaboost, decision-tree
Fuku Ml
Simple machine learning library / 簡單易用的機器學習套件
Stars: ✭ 280 (-95%)
Mutual labels:  svm, regression
decision-trees-for-ml
Building Decision Trees From Scratch In Python
Stars: ✭ 61 (-98.91%)
Mutual labels:  adaboost, decision-tree
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-99.41%)
Mutual labels:  svm, knn
Handwritten-Digits-Classification-Using-KNN-Multiclass Perceptron-SVM
🏆 A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.
Stars: ✭ 42 (-99.25%)
Mutual labels:  svm, knn
NIDS-Intrusion-Detection
Simple Implementation of Network Intrusion Detection System. KddCup'99 Data set is used for this project. kdd_cup_10_percent is used for training test. correct set is used for test. PCA is used for dimension reduction. SVM and KNN supervised algorithms are the classification algorithms of project. Accuracy : %83.5 For SVM , %80 For KNN
Stars: ✭ 45 (-99.2%)
Mutual labels:  svm, knn
Machine Learning In Action
⚡️⚡️⚡️《机器学习实战》代码(基于Python3)🚀
Stars: ✭ 533 (-90.48%)
Mutual labels:  svm, regression
LIBSVM.jl
LIBSVM bindings for Julia
Stars: ✭ 74 (-98.68%)
Mutual labels:  svm, 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 (-99.46%)
Mutual labels:  svm, decision-tree
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 (-99.29%)
Mutual labels:  svm, decision-tree
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 (-99.5%)
Mutual labels:  svm, knn
battery-rul-estimation
Remaining Useful Life (RUL) estimation of Lithium-ion batteries using deep LSTMs
Stars: ✭ 25 (-99.55%)
Mutual labels:  regression
Stock Analysis
Regression, Scrapers, and Visualization
Stars: ✭ 255 (-95.45%)
Mutual labels:  svm
tradaboost
Transfer learning algorithm TrAdaboost,coded by python
Stars: ✭ 96 (-98.29%)
Mutual labels:  adaboost
No-Reference-Image-Quality-Assessment-using-BRISQUE-Model
Implementation of the paper "No Reference Image Quality Assessment in the Spatial Domain" by A Mittal et al. in OpenCV (using both C++ and Python)
Stars: ✭ 137 (-97.55%)
Mutual labels:  svm
Pedestrian detection
通过HOG+SVM训练进行行人检测,行人数据库使用INRIAPerson,程序基于OpenCV实现
Stars: ✭ 253 (-95.48%)
Mutual labels:  svm
pywedge
Makes Interactive Chart Widget, Cleans raw data, Runs baseline models, Interactive hyperparameter tuning & tracking
Stars: ✭ 49 (-99.13%)
Mutual labels:  regression
Regression
Multivariable regression library in Go
Stars: ✭ 300 (-94.64%)
Mutual labels:  regression
keras-knn
Code for the blog post Nearest Neighbors with Keras and CoreML
Stars: ✭ 25 (-99.55%)
Mutual labels:  knn
Awesome-Scripts
A collection of awesome scripts from developers around the globe.
Stars: ✭ 135 (-97.59%)
Mutual labels:  knn
Decision Tree Prune
Decision Tree with PEP,MEP,EBP,CVP,REP,CCP,ECP pruning algorithms,all are implemented with Python(sklearn-decision-tree-prune included,All are finished).
Stars: ✭ 60 (-98.93%)
Mutual labels:  decision-tree
Statistical rethinking with brms ggplot2 and the tidyverse
The bookdown version lives here: https://bookdown.org/content/3890
Stars: ✭ 350 (-93.75%)
Mutual labels:  regression
Liblinear Java
Java version of LIBLINEAR
Stars: ✭ 298 (-94.68%)
Mutual labels:  svm
DSPKM
This is the page for the book Digital Signal Processing with Kernel Methods.
Stars: ✭ 32 (-99.43%)
Mutual labels:  svm
interactive-simple-linear-regression
A PureScript, browser-based implementation of simple linear regression.
Stars: ✭ 15 (-99.73%)
Mutual labels:  regression
PartialLeastSquaresRegressor.jl
Implementation of a Partial Least Squares Regressor
Stars: ✭ 31 (-99.45%)
Mutual labels:  regression
FYPFruitClassifier
Automatic Fruit Classifier Using Supervised AdaBoost Machine Learning Algorithm
Stars: ✭ 29 (-99.48%)
Mutual labels:  adaboost
text-classification-svm
The missing SVM-based text classification module implementing HanLP's interface
Stars: ✭ 46 (-99.18%)
Mutual labels:  svm
Pycaret
An open-source, low-code machine learning library in Python
Stars: ✭ 4,594 (-17.98%)
Mutual labels:  regression
netflix-style-recommender
A simple movie recommendation engine
Stars: ✭ 65 (-98.84%)
Mutual labels:  regression
Keras-CIFAR10
practice on CIFAR10 with Keras
Stars: ✭ 25 (-99.55%)
Mutual labels:  svm
data-science-notes
Open-source project hosted at https://makeuseofdata.com to crowdsource a robust collection of notes related to data science (math, visualization, modeling, etc)
Stars: ✭ 52 (-99.07%)
Mutual labels:  regression
action
📦📊 GitHub Action to reports on the size of your npm package
Stars: ✭ 36 (-99.36%)
Mutual labels:  regression
wymlp
tiny fast portable real-time deep neural network for regression and classification within 50 LOC.
Stars: ✭ 36 (-99.36%)
Mutual labels:  regression
Python-Machine-Learning
Python Machine Learning Algorithms
Stars: ✭ 80 (-98.57%)
Mutual labels:  regression
Mlpack
mlpack: a scalable C++ machine learning library --
Stars: ✭ 3,859 (-31.1%)
Mutual labels:  regression
Srmd
Learning a Single Convolutional Super-Resolution Network for Multiple Degradations (CVPR, 2018) (Matlab)
Stars: ✭ 333 (-94.05%)
Mutual labels:  regression
R
All Algorithms implemented in R
Stars: ✭ 294 (-94.75%)
Mutual labels:  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 (-98.82%)
Mutual labels:  svm
projection-pursuit
An implementation of multivariate projection pursuit regression and univariate classification
Stars: ✭ 24 (-99.57%)
Mutual labels:  regression
BasicsMusicalInstrumClassifi
Basics of Musical Instruments Classification using Machine Learning
Stars: ✭ 27 (-99.52%)
Mutual labels:  svm
Minimalistic-Multiple-Layer-Neural-Network-from-Scratch-in-Python
Minimalistic Multiple Layer Neural Network from Scratch in Python.
Stars: ✭ 24 (-99.57%)
Mutual labels:  regression
ExtendedMorphologicalProfiles
Remote sensed hyperspectral image classification with Spectral-Spatial information provided by the Extended Morphological Profiles
Stars: ✭ 32 (-99.43%)
Mutual labels:  svm
Stagesepx
detect stages in video automatically
Stars: ✭ 293 (-94.77%)
Mutual labels:  svm
Kickstarter-Anticipator
The main aim of this project is to tell that the certain project will be successful or it will fail by applying machine learning algorithm. In this , LOGISTIC REGRESSION is used to determine the success of the project by splitting the data into training and testing models and predicting a successful one.
Stars: ✭ 13 (-99.77%)
Mutual labels:  regression
stg
Python/R library for feature selection in neural nets. ("Feature selection using Stochastic Gates", ICML 2020)
Stars: ✭ 47 (-99.16%)
Mutual labels:  regression
HOG-Pedestrian-Detector
MATLAB implementation of a basic HOG + SVM pedestrian detector.
Stars: ✭ 43 (-99.23%)
Mutual labels:  svm
Face-Detection
本科毕业设计 基于Haar特征与AdaBoost算法的人脸检测的实现
Stars: ✭ 34 (-99.39%)
Mutual labels:  adaboost
1-60 of 356 similar projects