All Projects → Jack-Cherish → Machine Learning

Jack-Cherish / Machine Learning

⚡机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归

Programming Languages

python
139335 projects - #7 most used programming language

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
introduction-to-machine-learning
A document covering machine learning basics. 🤖📊
Stars: ✭ 17 (-99.7%)
Mutual labels:  svm, knn
LIBSVM.jl
LIBSVM bindings for Julia
Stars: ✭ 74 (-98.68%)
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
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
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
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
Fuku Ml
Simple machine learning library / 簡單易用的機器學習套件
Stars: ✭ 280 (-95%)
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
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
decision-trees-for-ml
Building Decision Trees From Scratch In Python
Stars: ✭ 61 (-98.91%)
Mutual labels:  adaboost, decision-tree
regression-stock-prediction
Predicting Google’s stock price using regression
Stars: ✭ 54 (-99.04%)
Mutual labels:  svm, regression
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-99.41%)
Mutual labels:  svm, knn
Machine learning code
机器学习与深度学习算法示例
Stars: ✭ 88 (-98.43%)
Mutual labels:  svm, regression
MachineLearning
机器学习教程,本教程包含基于numpy、sklearn与tensorflow机器学习,也会包含利用spark、flink加快模型训练等用法。本着能够较全的引导读者入门机器学习。
Stars: ✭ 23 (-99.59%)
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

原创文章每周最少两篇,后续最新文章会在【公众号】首发,视频【B站】首发,大家可以加我【微信】交流群,技术交流或提意见都可以,欢迎Star

微信群 公众号 B站 知乎 CSDN 头条 掘金

文章首发声明

  • 文章在自己的公众号和个人网站首发,其他平台文章均属转发,如想获得最新更新进展,欢迎关注我的个人网站:http://cuijiahua.com/

第二章:kNN(k-邻域算法)

文章 个人网站 CSDN 知乎
Python3《机器学习实战》学习笔记(一):k-近邻算法(史诗级干货长文) 个人网站 CSDN 知乎

代码

第三章:Decision Tree(决策树)

文章 个人网站 CSDN 知乎
Python3《机器学习实战》学习笔记(二):决策树基础篇之让我们从相亲说起 个人网站 CSDN 知乎
Python3《机器学习实战》学习笔记(三):决策树实战篇之为自己配个隐形眼镜 个人网站 CSDN 知乎

代码

第四章:Navie Bayes(朴素贝叶斯)

文章 个人网站 CSDN 知乎
Python3《机器学习实战》学习笔记(四):朴素贝叶斯基础篇之言论过滤器 个人网站 CSDN 知乎
Python3《机器学习实战》学习笔记(五):朴素贝叶斯实战篇之新浪新闻分类 个人网站 CSDN 知乎

代码

第五章:Logistic(Logistic回归)

文章 个人网站 CSDN 知乎
Python3《机器学习实战》学习笔记(六):Logistic回归基础篇之梯度上升算法 个人网站 CSDN 知乎
Python3《机器学习实战》学习笔记(七):Logistic回归实战篇之预测病马死亡率 个人网站 CSDN 知乎

代码

第六章:SVM(支持向量机)

文章 个人网站 CSDN 知乎
Python3《机器学习实战》学习笔记(八):支持向量机原理篇之手撕线性SVM 个人网站 CSDN 知乎
Python3《机器学习实战》学习笔记(九):支持向量机实战篇之再撕非线性SVM 个人网站 CSDN 知乎

代码

第七章:AdaBoost

文章 个人网站 CSDN 知乎
Python3《机器学习实战》学习笔记(十):提升分类器性能利器-AdaBoost 个人网站 CSDN 知乎

代码

第八章:Regression

文章 个人网站 CSDN 知乎
Python3《机器学习实战》学习笔记(十一):线性回归基础篇之预测鲍鱼年龄 个人网站 CSDN 知乎
Python3《机器学习实战》学习笔记(十二):线性回归提高篇之乐高玩具套件二手价预测 个人网站 no no

代码

第九章:Regression Tree

文章 个人网站 CSDN 知乎
Python3《机器学习实战》学习笔记(十三):树回归基础篇之CART算法与树剪枝 个人网站 no no

代码

聚类

文章 个人网站 公众号
嘿,来聚个类! 个人网站 公众号

更多精彩,敬请期待!

wechat

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].