All Projects → luokn → ml

luokn / ml

Licence: GPL-3.0 License
经典机器学习算法的极简实现

Programming Languages

python
139335 projects - #7 most used programming language

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%)
Mutual labels:  svm, naive-bayes, pca, logistic-regression, lda, decision-tree
Machine Learning
⚡机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归
Stars: ✭ 5,601 (+4208.46%)
Mutual labels:  svm, adaboost, knn, decision-tree
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+24758.46%)
Mutual labels:  svm, pca, kmeans, adaboost
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+2464.62%)
Mutual labels:  svm, pca, logistic-regression, lda
MachineLearning
Implementations of machine learning algorithm by Python 3
Stars: ✭ 16 (-87.69%)
Mutual labels:  pca, perceptron, kmeans, gmm
Quick-Data-Science-Experiments-2017
Quick-Data-Science-Experiments
Stars: ✭ 19 (-85.38%)
Mutual labels:  pca, logistic-regression, lda, 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 (-78.46%)
Mutual labels:  svm, naive-bayes, logistic-regression, knn
text-classification-cn
中文文本分类实践,基于搜狗新闻语料库,采用传统机器学习方法以及预训练模型等方法
Stars: ✭ 81 (-37.69%)
Mutual labels:  svm, naive-bayes, logistic-regression
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
Mylearn
machine learning algorithm
Stars: ✭ 125 (-3.85%)
Mutual labels:  log, svm, 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
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%)
Mutual labels:  logistic-regression, adaboost, decision-tree
VisualML
Interactive Visual Machine Learning Demos.
Stars: ✭ 104 (-20%)
Mutual labels:  svm, pca, logistic-regression
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-76.92%)
Mutual labels:  numpy, svm, knn
MachineLearning
机器学习教程,本教程包含基于numpy、sklearn与tensorflow机器学习,也会包含利用spark、flink加快模型训练等用法。本着能够较全的引导读者入门机器学习。
Stars: ✭ 23 (-82.31%)
Mutual labels:  numpy, svm, knn
ml-simulations
Animated Visualizations of Popular Machine Learning Algorithms
Stars: ✭ 33 (-74.62%)
Mutual labels:  pca, kmeans, knn
deepvis
machine learning algorithms in Swift
Stars: ✭ 54 (-58.46%)
Mutual labels:  pca, kmeans, lda
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
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-74.62%)
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

经典机器学习算法的极简实现

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].