All Projects → LeBron-Jian → Machinelearningnote

LeBron-Jian / Machinelearningnote

Projects that are alternatives of or similar to Machinelearningnote

Kdd winniethebest
KDD Cup 2020 Challenges for Modern E-Commerce Platform: Multimodalities Recall first place
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Textrank text summarization
A tutorial for Automatic Text Summarization using TextRank algorithm.
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Ml Forex Prediction
Predicting Forex Future Price with Machine Learning
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Geometric Intuition
Understanding ML and deep learning through geometry
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Torchtext Summary
torchtext使用总结,从零开始逐步实现了torchtext文本预处理过程,包括截断补长,词表构建,使用预训练词向量,构建可用于PyTorch的可迭代数据等步骤。并结合Pytorch实现LSTM.
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Machine Learning
Notes for machine learning
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Dla
Deep learning for audio processing
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Celeste.jl
Scalable inference for a generative model of astronomical images
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Deep learning
added all materials
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Svhnclassifier Pytorch
A PyTorch implementation of Multi-digit Number Recognition from Street View Imagery using Deep Convolutional Neural Networks (http://arxiv.org/pdf/1312.6082.pdf)
Stars: ✭ 141 (-0.7%)
Mutual labels:  jupyter-notebook
Lacmus
Lacmus is a cross-platform application that helps to find people who are lost in the forest using computer vision and neural networks.
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Jupytext.vim
Vim plugin for editing Jupyter ipynb files via jupytext
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Cutout Random Erasing
Cutout / Random Erasing implementation, especially for ImageDataGenerator in Keras
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Vtubestudio
Placeholder for VTube Studio
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Pycaffe tutorial
Tutorial for pycaffe, the Python API to the Neural Network framework, Caffe
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Lessonmaterials
Open Sourced Curriculum and Lessons for an Introductory AI/ML Course
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Natural Language Processing Tutorials
Natural Language Processing Tutorials(NLP) with Julia and Python
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Invisible Cloak
Stars: ✭ 143 (+0.7%)
Mutual labels:  jupyter-notebook
Pandas tutorial
Pandas tutorial for SciPy2015 and SciPy2016 conference
Stars: ✭ 142 (+0%)
Mutual labels:  jupyter-notebook
Mlnd distracted driver detection
基于深度学习的驾驶员状态检测,不仅仅可以识别出疲劳驾驶,还能够识别出各种各样的状态
Stars: ✭ 141 (-0.7%)
Mutual labels:  jupyter-notebook

MachineLearningNote

因为下面所有的机器学习代码均使用了sklearn,这里也补充了一下Sklearn的学习博客:

1,logistic Regression

关于逻辑回归文件夹中的数据和代码,详情请参考博客:

2,Decision Tree

关于决策树文件夹中的数据和代码,详情请参考博客:

3,K-NearestNeighbor(KNN)

关于K近邻文件夹中的代码和数据,详情请参考博客:

4,Naive Bayes

关于朴素贝叶斯文件夹中的代码,详情请参考博客:

5,K-Means&DBSCAN

关于K-Means&DBSCAN文件夹中的代码和数据,详情请参考博客:

6,Ensemble Learning

关于集成学习文件夹中的代码,详情请参考博客:

7,One Class SVM

关于单样本分类文件夹中的代码,详情请参考博客:

8,PCA

关于PCA降维算法文件夹中的代码,详情请参考博客:

9,LDA

关于LDA降维文件夹中的代码,详情请参考博客:

10,EM(GMM)

关于EM算法文件夹中的代码,详情请参考博客:

11,SVM

关于SVM算法文件夹中的代码,详情请参考博客:

12,XGBoost

关于XGBoost算法文件夹中的代码,详情请参考博客:

13,IsolationForest

关于IsolationForest算法文件夹中的代码,详情请参考博客:

14,RamdomForest

关于RamdomForest算法文件夹中的代码,详情请参考博客:

15,Local Outlier Factor(LOF)

关于 Local Outlier Factor(LOF) 算法文件夹中的代码,详情请参考博客:

16,SVD

关于 SVD 算法文件夹中的代码,详情请参考博客:

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