数学基础
- 1、微积分 http://v.163.com/special/sp/singlevariablecalculus.html http://open.163.com/special/opencourse/multivariable.html
- 2、线性代数 http://open.163.com/special/opencourse/daishu.html
- 3、概率统计http://open.163.com/special/Khan/probability.html
想要深入学习机器学习,需要具有扎实的数学基础(矩阵分析和概率统计是基础的理论)
进阶版本数学基础课程
- 1、最优化理论(重点凸优化理论) http://stanford.edu/~boyd/cvxbook/ http://xiaoyc.com/duality-theory-for-optimization/#1-1-lagrangian
- 2、时变函数与泛函分析 http://ocw.nctu.edu.tw/course_list.php?page=2&bgid=1&gid=1 http://open.163.com/special/opencourse/fanhanfenxi.html
- 3、随机过程 Hyperlink: Stochastic Process MIT View the complete course: Discrete Stochastic Processes
机器学习基础课程
- 1、Coursera上Andrew Ng Andrew Ng的《机器学习》
- 2、林軒田(国立台湾大学) 機器學習基石
机器学习基础课程
- 1、 《统计学习方法》李航
- 2、 《机器学习导论》
- 3、 《PRML》
- 4、 《图解机器学习》[日]杉山将
- 5、 Machine Learning: A Probabilistic Prespective (Kevin Murphy)
- 6、 Pattern Recognition and Machine Learning (Christopher Bishop)
- 7、 《Spark机器学习》
- 8、 《机器学习实战》
- 9、 《贝叶斯思维:统计建模的Python学习法》
- 10、Python自然语言处理》
- 11、数学之美 (吴军)
- 12、Web智能算法 (Haralambos Marmanis, Dmitry Babenko)
- 13、集体智慧编程 (Toby Segaran)
- 14、推荐系统实践
- 15、计算广告学
深度学习(注定将成为最近几年的爆发式增长)
- 1、《Deep Learning》http://www.deeplearningbook.org
- 2、 CSDN Blog http://blog.csdn.net/zouxy09/article/details/8775360
- 3、《斯坦福大学深度学习教程》http://ufldl.stanford.edu/tutorial
杂项
《Choosing a Machine Learning Classifier》
《An Introduction to Deep Learning: From Perceptrons to Deep Networks》 译文
《The LION Way: Machine Learning plus Intelligent Optimization》
《分布式并行处理的数据》
《Deep Learning for Natural Language Processing and Related Applications》
《Neural Networks and Deep Learning》
《分布式机器学习的故事》
《Deep Learning 101》
《Deep learning from the bottom up》
《Deep Learning(深度学习)学习笔记整理系列》
《Google Turns To Deep Learning Classification To Fight Web Spam》
《Deep Learning Sentiment Analysis for Movie Reviews using Neo4j》
《EMNLP上两篇关于股票趋势的应用论文 》
《Learning to Rank for Information Retrieval and Natural Language Processing》
《Geoffrey E. Hinton》
《Andrej Karpathy的深度强化学习演示》 论文在这里
《用大数据和机器学习做股票价格预测》
《Use Google’s Word2Vec for movie reviews》
《深度卷积神经网络下围棋》
《机器学习经典算法详解及Python实现–线性回归(Linear Regression)算法》
《Caffe》
《GoogLeNet深度学习模型的Caffe复现 》 GoogleNet论文
《Deep Learning实战之word2vec》
《A Deep Dive into Recurrent Neural Nets》
《Geoffrey E. Hinton个人主页》
《Deep Learning on Hadoop 2.0》
《美团推荐算法实践》
《The Trouble with SVMs》
《Gaussian Processes for Machine Learning》
《Introduction to ARMA Time Series Models – simplified》
《Neural Net in C++ Tutorial》
《Deep Learning Tutorials》
《Deep Learning, The Curse of Dimensionality, and Autoencoders》
《Topic modeling with LDA: MLlib meets GraphX》
《Deep Learning for Multi-label Classification》
《Google DeepMind publications》 AlphaGo团队官方论文
《AM207: Monte Carlo Methods, Stochastic Optimization》
《Back-to-Basics Weekend Reading - Machine Learning》
《A Probabilistic Theory of Deep Learning》
《How does Quora use machine learning in 2015?》
《Parallel Machine Learning with scikit-learn and IPython》
《Time Series Econometrics - A Concise Course》
《A comparison of open source tools for sentiment analysis》
《International Joint Conference on Artificial Intelligence Accepted paper》
《How to Evaluate Machine Learning Models, Part 1: Orientation》
《Learning scikit-learn: Machine Learning in Python》
《Lightning fast Machine Learning with Spark》
《How we’re using machine learning to fight shell selling》
《Mining of Massive Datasets》
《Advances in Extreme Learning Machines》
《The Curse of Dimensionality in classification》
《Demistifying LSTM Neural Networks》
《Decoding Dimensionality Reduction, PCA and SVD》
《What are the advantages of different classification algorithms?》
《Kaggle R Tutorial on Machine Learning》 《Interactive R Tutorial: Machine Learning for the Titanic Competition》.
《Logistic Regression and Gradient Descent》
《Stock Forecasting With Machine Learning - Seven Possible Errors》
《LR原理解析》
《机器学习顶级会议和杂志》
《贝耶斯回归材料》
《贝耶斯回归材料》
《alphaGo原理解析》
《理解卷积神经网络的文章》
《Neural Networks and Deep Learning》
通俗易懂介绍CNN
CS231n Convolutional Neural Networks for Visual Recognition