All Projects → ml → Similar Projects or Alternatives

1044 Open source projects that are alternatives of or similar to ml

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 (-76.92%)
Machine Learning
⚡机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归
Stars: ✭ 5,601 (+4208.46%)
Mutual labels:  svm, adaboost, knn, decision-tree
MachineLearning
Implementations of machine learning algorithm by Python 3
Stars: ✭ 16 (-87.69%)
Mutual labels:  pca, perceptron, kmeans, gmm
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+24758.46%)
Mutual labels:  svm, pca, kmeans, adaboost
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 (-78.46%)
Mutual labels:  svm, naive-bayes, logistic-regression, knn
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+2464.62%)
Mutual labels:  svm, pca, logistic-regression, lda
Quick-Data-Science-Experiments-2017
Quick-Data-Science-Experiments
Stars: ✭ 19 (-85.38%)
Mutual labels:  pca, logistic-regression, lda, decision-tree
VisualML
Interactive Visual Machine Learning Demos.
Stars: ✭ 104 (-20%)
Mutual labels:  svm, pca, logistic-regression
data-science-popular-algorithms
Data Science algorithms and topics that you must know. (Newly Designed) Recommender Systems, Decision Trees, K-Means, LDA, RFM-Segmentation, XGBoost in Python, R, and Scala.
Stars: ✭ 65 (-50%)
Mutual labels:  kmeans, lda, decision-tree
Mylearn
machine learning algorithm
Stars: ✭ 125 (-3.85%)
Mutual labels:  log, svm, logistic-regression
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-74.62%)
Mutual labels:  svm, logistic-regression, knn
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-76.92%)
Mutual labels:  numpy, svm, knn
deepvis
machine learning algorithms in Swift
Stars: ✭ 54 (-58.46%)
Mutual labels:  pca, kmeans, lda
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 (-27.69%)
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 (-65.38%)
Mutual labels:  svm, pca, knn
Patternrecognition matlab
Feature reduction projections and classifier models are learned by training dataset and applied to classify testing dataset. A few approaches of feature reduction have been compared in this paper: principle component analysis (PCA), linear discriminant analysis (LDA) and their kernel methods (KPCA,KLDA). Correspondingly, a few approaches of classification algorithm are implemented: Support Vector Machine (SVM), Gaussian Quadratic Maximum Likelihood and K-nearest neighbors (KNN) and Gaussian Mixture Model(GMM).
Stars: ✭ 33 (-74.62%)
Mutual labels:  svm, pca, lda
ml-simulations
Animated Visualizations of Popular Machine Learning Algorithms
Stars: ✭ 33 (-74.62%)
Mutual labels:  pca, kmeans, knn
text-classification-cn
中文文本分类实践,基于搜狗新闻语料库,采用传统机器学习方法以及预训练模型等方法
Stars: ✭ 81 (-37.69%)
Mutual labels:  svm, naive-bayes, logistic-regression
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 (-67.69%)
Mutual labels:  svm, logistic-regression, knn
grasp
Essential NLP & ML, short & fast pure Python code
Stars: ✭ 58 (-55.38%)
Mutual labels:  naive-bayes, perceptron, decision-tree
Isl Python
Solutions to labs and excercises from An Introduction to Statistical Learning, as Jupyter Notebooks.
Stars: ✭ 108 (-16.92%)
Mutual labels:  pca, logistic-regression, lda
Machine learning basics
Plain python implementations of basic machine learning algorithms
Stars: ✭ 3,557 (+2636.15%)
MachineLearning
机器学习教程,本教程包含基于numpy、sklearn与tensorflow机器学习,也会包含利用spark、flink加快模型训练等用法。本着能够较全的引导读者入门机器学习。
Stars: ✭ 23 (-82.31%)
Mutual labels:  numpy, svm, knn
Liblinear Java
Java version of LIBLINEAR
Stars: ✭ 298 (+129.23%)
Mutual labels:  svm, logistic-regression
Text Classification Benchmark
文本分类基准测试
Stars: ✭ 18 (-86.15%)
Mutual labels:  svm, logistic-regression
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (-83.08%)
Mutual labels:  svm, logistic-regression
mnist-challenge
My solution to TUM's Machine Learning MNIST challenge 2016-2017 [winner]
Stars: ✭ 68 (-47.69%)
Mutual labels:  pca, logistic-regression
Fuku Ml
Simple machine learning library / 簡單易用的機器學習套件
Stars: ✭ 280 (+115.38%)
Mutual labels:  svm, logistic-regression
Textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
Stars: ✭ 105 (-19.23%)
Mutual labels:  svm, logistic-regression
Nlp Journey
Documents, papers and codes related to Natural Language Processing, including Topic Model, Word Embedding, Named Entity Recognition, Text Classificatin, Text Generation, Text Similarity, Machine Translation),etc. All codes are implemented intensorflow 2.0.
Stars: ✭ 1,290 (+892.31%)
Mutual labels:  svm, lda
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (-16.15%)
Mutual labels:  svm, logistic-regression
100 Days Of Ml Code
100 Days of ML Coding
Stars: ✭ 33,641 (+25777.69%)
Mutual labels:  svm, logistic-regression
Tiny ml
numpy 实现的 周志华《机器学习》书中的算法及其他一些传统机器学习算法
Stars: ✭ 129 (-0.77%)
Mutual labels:  numpy, svm
Machine Learning With Python
Practice and tutorial-style notebooks covering wide variety of machine learning techniques
Stars: ✭ 2,197 (+1590%)
Mutual labels:  numpy, naive-bayes
Tensorflow Ml Nlp
텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)
Stars: ✭ 176 (+35.38%)
Mutual labels:  numpy, logistic-regression
25daysinmachinelearning
I will update this repository to learn Machine learning with python with statistics content and materials
Stars: ✭ 53 (-59.23%)
Mutual labels:  numpy, logistic-regression
Ml Course
Starter code of Prof. Andrew Ng's machine learning MOOC in R statistical language
Stars: ✭ 154 (+18.46%)
Mutual labels:  svm, pca
text clustering
文本聚类(Kmeans、DBSCAN、LDA、Single-pass)
Stars: ✭ 230 (+76.92%)
Mutual labels:  kmeans, lda
Svm Classification Localization
HoG, PCA, PSO, Hard Negative Mining, Sliding Window, Edge Boxes, NMS
Stars: ✭ 130 (+0%)
Mutual labels:  svm, pca
decision-trees-for-ml
Building Decision Trees From Scratch In Python
Stars: ✭ 61 (-53.08%)
Mutual labels:  adaboost, decision-tree
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 (-68.46%)
Mutual labels:  logistic-regression, knn
faiss-ruby
Efficient similarity search and clustering for Ruby
Stars: ✭ 62 (-52.31%)
Mutual labels:  pca, kmeans
GDLibrary
Matlab library for gradient descent algorithms: Version 1.0.1
Stars: ✭ 50 (-61.54%)
Mutual labels:  svm, logistic-regression
introduction-to-machine-learning
A document covering machine learning basics. 🤖📊
Stars: ✭ 17 (-86.92%)
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 (-87.69%)
Mutual labels:  svm, knn
ocr-machine-learning
OCR Machine Learning in python
Stars: ✭ 42 (-67.69%)
Mutual labels:  pca, knn
AnnA Anki neuronal Appendix
Using machine learning on your anki collection to enhance the scheduling via semantic clustering and semantic similarity
Stars: ✭ 39 (-70%)
Mutual labels:  pca, kmeans
ClusterR
Gaussian mixture models, k-means, mini-batch-kmeans and k-medoids clustering
Stars: ✭ 69 (-46.92%)
Mutual labels:  kmeans, gmm
sentiment-analysis-using-python
Large Data Analysis Course Project
Stars: ✭ 23 (-82.31%)
Mutual labels:  svm, naive-bayes
scoruby
Ruby Scoring API for PMML
Stars: ✭ 69 (-46.92%)
Mutual labels:  naive-bayes, decision-tree
info-retrieval
Information Retrieval in High Dimensional Data (class deliverables)
Stars: ✭ 33 (-74.62%)
Mutual labels:  svm, logistic-regression
Clustering-Python
Python Clustering Algorithms
Stars: ✭ 23 (-82.31%)
Mutual labels:  kmeans, knn
Dimensionality-reduction-and-classification-on-Hyperspectral-Images-Using-Python
In this repository, You can find the files which implement dimensionality reduction on the hyperspectral image(Indian Pines) with classification.
Stars: ✭ 63 (-51.54%)
Mutual labels:  numpy, pca
zAnalysis
zAnalysis是基于Pascal语言编写的大型统计学开源库
Stars: ✭ 52 (-60%)
Mutual labels:  pca, lda
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 (-69.23%)
Mutual labels:  svm, decision-tree
osm-data-classification
Migrated to: https://gitlab.com/Oslandia/osm-data-classification
Stars: ✭ 23 (-82.31%)
Mutual labels:  pca, kmeans
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 (+4250.77%)
Mutual labels:  naive-bayes, pca
Dat8
General Assembly's 2015 Data Science course in Washington, DC
Stars: ✭ 1,516 (+1066.15%)
Mutual labels:  naive-bayes, logistic-regression
Heart disease prediction
Heart Disease prediction using 5 algorithms
Stars: ✭ 43 (-66.92%)
Mutual labels:  naive-bayes, logistic-regression
amazon-reviews
Sentiment Analysis & Topic Modeling with Amazon Reviews
Stars: ✭ 26 (-80%)
Mutual labels:  logistic-regression, lda
1-60 of 1044 similar projects