Difference between revisions of "Resources"
From AI Matters Wiki
								
												
				| ToddNeller (Talk | contribs)  (Addition of Machine Learning resources) | ToddNeller (Talk | contribs)   (CTR Prediction resources) | ||
| (11 intermediate revisions by the same user not shown) | |||
| Line 22: | Line 22: | ||
| *** [https://sites.ualberta.ca/~szepesva/RLBook.html Csaba Szepesvári. Algorithms for Reinforcement Learning] | *** [https://sites.ualberta.ca/~szepesva/RLBook.html Csaba Szepesvári. Algorithms for Reinforcement Learning] | ||
| *** [http://dl.acm.org/citation.cfm?id=2670001 Marco Wiering and Martijn van Otterlo. Reinforcement Learning: State-of-the-Art] | *** [http://dl.acm.org/citation.cfm?id=2670001 Marco Wiering and Martijn van Otterlo. Reinforcement Learning: State-of-the-Art] | ||
| + | ** [http://www.kdnuggets.com/2017/04/10-free-must-read-books-machine-learning-data-science.html KDNuggets "10 Free Must-Read Books for Machine Learning and Data Science"] | ||
| * Online resources: | * Online resources: | ||
| ** [https://www.coursera.org/learn/machine-learning Andrew Ng's free online Coursera Machine Learning course] | ** [https://www.coursera.org/learn/machine-learning Andrew Ng's free online Coursera Machine Learning course] | ||
| Line 29: | Line 30: | ||
| ** [http://www.cs.waikato.ac.nz/ml/weka/ Weka Java-based Data Mining software] and [http://dl.acm.org/citation.cfm?id=1205860 Ian Witten and Eibe Frank. Data Mining: Practical Machine Learning Tools and Techniques] | ** [http://www.cs.waikato.ac.nz/ml/weka/ Weka Java-based Data Mining software] and [http://dl.acm.org/citation.cfm?id=1205860 Ian Witten and Eibe Frank. Data Mining: Practical Machine Learning Tools and Techniques] | ||
| ** [http://modelai.gettysburg.edu/ Model AI Assignments] | ** [http://modelai.gettysburg.edu/ Model AI Assignments] | ||
| + | ** [https://ml.berkeley.edu/blog/tutorials/ Berkeley student crash course on ML] | ||
| * Recommendations: | * Recommendations: | ||
| ** [https://www.quora.com/How-do-I-learn-machine-learning-1 Quora "How do I learn machine learning?" answers] | ** [https://www.quora.com/How-do-I-learn-machine-learning-1 Quora "How do I learn machine learning?" answers] | ||
| ** [https://github.com/josephmisiti/awesome-machine-learning/blob/master/books.md Joseph Misiti's Machine Learning book recommendations] | ** [https://github.com/josephmisiti/awesome-machine-learning/blob/master/books.md Joseph Misiti's Machine Learning book recommendations] | ||
| + | ==Neural Network Learning== | ||
| + | *Textbooks | ||
| + | ** [http://www.deeplearningbook.org/ Deep Learning by Ian Goodfellow, Yoshua Bengio, and Aaron Courville] | ||
| + | ** [http://neuralnetworksanddeeplearning.com/ Michael Nielson's Neural Networks and Deep Learning online book.] | ||
| + | *Websites  | ||
| + | ** [https://www.facebook.com/groups/DeepNetGroup/ Waikit Lau and Arthur Chan's Artificial Intelligence and Deep Learning (AIDL) Facebook group] and [https://www.facebook.com/groups/DeepNetGroup/permalink/385843868475168/ FAQ] | ||
| + | ** [http://yerevann.com/a-guide-to-deep-learning/ A Guide to Deep Learning by YerevaNN Labs] | ||
| + | ** [http://p.migdal.pl/2017/04/30/teaching-deep-learning.html Piotr Migdał's Learning Deep Learning with Keras] | ||
| + | ** [http://aiplaybook.a16z.com/docs/reference/links a16z team's reference links] | ||
| + | ** [http://cs231n.github.io/convolutional-networks/ Stanford's CS 231n Convolutional Networks course website] | ||
| + | ** various Wikipedia pages concerning [https://en.wikipedia.org/wiki/Artificial_neural_network artificial neural networks] | ||
| + | ** [http://playground.tensorflow.org/ TensorFlow Playground] | ||
| + | ** [https://distill.pub/2017/momentum/ Why Momentum Really Works] | ||
| + | ** [http://lamda.nju.edu.cn/weixs/project/CNNTricks/CNNTricks.html Xiu-Shen Wei's Must Know Tips/Tricks in Deep Neural Networks] | ||
| + | ** [https://medium.com/towards-data-science/secret-sauce-behind-the-beauty-of-deep-learning-beginners-guide-to-activation-functions-a8e23a57d046 Medium.com guide: Understanding Activation Functions] | ||
| + | ** [https://github.com/williamFalcon/DeepRLHacks John Schulman's Deep RL Hacks (summarized by William Falcon)] | ||
| + | ** [https://blog.waya.ai/deep-residual-learning-9610bb62c355 Michael Dietz's Understand Deep Residual Networks] | ||
| + | *Online Courses | ||
| + | ** [https://www.coursera.org/learn/machine-learning Andrew Ng's Machine Learning course] and [https://www.coursera.org/specializations/deep-learning Coursera Deep Learning specialization] | ||
| + | ** [https://www.coursera.org/learn/neural-networks Geoffrey Hinton's Neural Networks for Machine Learning course] | ||
| + | ** [http://www.dmi.usherb.ca/~larocheh/neural_networks Hugo Larochelle's graduate-level online Neural Network course] | ||
| + | ** [https://medium.freecodecamp.org/dive-into-deep-learning-with-these-23-online-courses-bf247d289cc0 David Venturi's list of Deep Learning online courses] | ||
| + | ** [http://thegrandjanitor.com/2016/08/15/learning-deep-learning-my-top-five-resource/ Arthur Chan's top 5] | ||
| + | *Software | ||
| + | ** [https://www.tensorflow.org/ TensorFlow] and [https://keras.io/ Keras] | ||
| + | ** [https://github.com/Microsoft/cntk Microsoft Cognitive Toolkit (CNTK)] | ||
| + | ** [https://github.com/Theano/Theano Theano] | ||
| + | ** [http://torch.ch/ Torch] and [http://pytorch.org/ PyTorch]) | ||
| + | ** [http://caffe.berkeleyvision.org/ Caffe] | ||
| + | ** [http://mxnet.io/ MXNet] | ||
| + | ** [https://deeplearning4j.org/ DeepLearning4J] | ||
| + | ** [https://en.wikipedia.org/wiki/Comparison_of_deep_learning_software Comparison of deep learning software] and [https://twitter.com/fchollet/status/852194634470223873 April 2017 popularity metrics] | ||
| + | *Hardware | ||
| + | ** [http://timdettmers.com/2017/04/09/which-gpu-for-deep-learning Tim Dettmers' GPU comparison study] | ||
| + | ** [https://d4datascience.wordpress.com/2017/05/06/setting-up-a-gpu-based-deep-learning-machine/ Ved's d4datascience blog entry on setting up a GPU-based deep learning machine] | ||
| + | |||
| + | =Hidden Markov Models= | ||
| + | * Video Introductions | ||
| + | ** [https://youtu.be/mNSQ-prhgsw Daphne Koller's 12-minute video "Template Models: Hidden Markov Models - Stanford University"] | ||
| + | ** [https://youtu.be/jY2E6ExLxaw Nando de Freitas' 52-minute UBC lecture "undergraduate machine learning 9: Hidden Markov models - HMM"] | ||
| + | * Texts and Articles | ||
| + | ** Russell and Norvig, Artificial Intelligence: a modern approach, 3rd ed, sections 15.3, 20.3.3. | ||
| + | ** [https://web.stanford.edu/~jurafsky/slp3/9.pdf Speech and Language Processing, 3rd ed, Chapter 9 by Daniel Jurafsky and James H. Martin] | ||
| + | ** [http://www.ece.ucsb.edu/Faculty/Rabiner/ece259/Reprints/tutorial%20on%20hmm%20and%20applications.pdf Lawrence Rabiner tutorial "A tutorial on hidden Markov models and selected applications in speech recognition"] | ||
| + | ** Christopher Bishop's "Pattern Recognition and Machine Learning", Section 13.2 | ||
| + | ** [https://stats.stackexchange.com/questions/3294/resources-for-learning-markov-chain-and-hidden-markov-models StackExchange thread "Resources for learning Markov chain and hidden Markov models"] | ||
| + | * Other Resources | ||
| + | ** [https://www.udacity.com/course/intro-to-artificial-intelligence--cs271 Udacity's `"Intro to Artificial Intelligence" course by Peter Norvig and Sebastian Thrun] | ||
| + | ** [https://www.udacity.com/course/probabalistic-models--cx27 Udacity's "Artificial Intelligence - Probabalistic Models"] | ||
| + | ** [https://www.coursera.org/learn/bioinformatics-pku/lecture/7pbUo/hidden-markov-model Coursera's Ge Gao lecture on HMMs] | ||
| + | ** [http://cs.jhu.edu/~jason/papers/eisner.hmm.xls Jason Eisner's spreadsheet for teaching the forward-backward algorithm] and [https://cs.jhu.edu/~jason/papers/eisner.tnlp02.pdf his paper on using it for teaching]  | ||
| + | ** [https://www.quora.com/What-are-some-good-resources-for-learning-about-Hidden-Markov-Models Quora question "What are some good resources for learning about Hidden Markov Models?"] | ||
| + | * [http://modelai.gettysburg.edu Model AI Assignments] | ||
| + | ** [http://modelai.gettysburg.edu/2017/hmm Sravana Reddy's "Implementing a Hidden Markov Model Toolkit"] | ||
| + | ** [http://modelai.gettysburg.edu/2010/pacman/projects/tracking/busters.html John DeNero and Dan Klein's "The Pac-Man Projects" Project #4: Ghostbusters] | ||
| + | |||
| + | =Click-Through Rate (CTR) Prediction= | ||
| + | * [https://www.kaggle.com/ Kaggle] CTR Prediction Competitions: | ||
| + | ** [https://www.kaggle.com/c/criteo-display-ad-challenge Criteo] | ||
| + | ** [https://www.kaggle.com/c/avazu-ctr-prediction Avazu] | ||
| + | ** [https://www.kaggle.com/c/avito-context-ad-clicks Avito] | ||
| + | ** [https://www.kaggle.com/c/outbrain-click-prediction Outbrain] | ||
| + | * [https://xgboost.readthedocs.io/en/latest/ XGBoost] - Extreme Gradient Tree Boosting | ||
| + | ** [https://dl.acm.org/citation.cfm?doid=2939672.2939785 XGBoost: A Scalable Tree Boosting System]   | ||
| + | * [https://github.com/guestwalk/libffm libffm] - library for Field-aware Factorization Machines (FFMs) | ||
| + | ** [https://dl.acm.org/citation.cfm?doid=2959100.2959134 Field-aware factorization machines for CTR prediction] | ||
| + | ** [https://www.csie.ntu.edu.tw/~r01922136/kaggle-2014-criteo.pdf Slides on winning approach to Criteo CTR Prediction competition] | ||
Latest revision as of 14:31, 15 September 2018
Contents
Starting Places
General
Machine Learning
-  Texts:
- Christopher Bishop. Pattern Recognition and Machine Learning
- Kevin Murphy. Machine Learning: A Probabilistic Perspective
- David Barber. Probabilistic Reasoning and Machine Learning (Barber's free PDF version)
- Tom Mitchell. Machine Learning
- Ethem Alpaydin. Introduction to Machine Learning
- Statistical Learning:
- Reinforcement Learning:
- KDNuggets "10 Free Must-Read Books for Machine Learning and Data Science"
 
-  Online resources:
- Andrew Ng's free online Coursera Machine Learning course
- UC Irvine Machine Learning Repository
- Kaggle datasets
- RStudio software for labs
- Weka Java-based Data Mining software and Ian Witten and Eibe Frank. Data Mining: Practical Machine Learning Tools and Techniques
- Model AI Assignments
- Berkeley student crash course on ML
 
- Recommendations:
Neural Network Learning
- Textbooks
- Websites 
- Waikit Lau and Arthur Chan's Artificial Intelligence and Deep Learning (AIDL) Facebook group and FAQ
- A Guide to Deep Learning by YerevaNN Labs
- Piotr Migdał's Learning Deep Learning with Keras
- a16z team's reference links
- Stanford's CS 231n Convolutional Networks course website
- various Wikipedia pages concerning artificial neural networks
- TensorFlow Playground
- Why Momentum Really Works
- Xiu-Shen Wei's Must Know Tips/Tricks in Deep Neural Networks
- Medium.com guide: Understanding Activation Functions
- John Schulman's Deep RL Hacks (summarized by William Falcon)
- Michael Dietz's Understand Deep Residual Networks
 
- Online Courses
- Software
- Hardware
Hidden Markov Models
- Video Introductions
-  Texts and Articles
- Russell and Norvig, Artificial Intelligence: a modern approach, 3rd ed, sections 15.3, 20.3.3.
- Speech and Language Processing, 3rd ed, Chapter 9 by Daniel Jurafsky and James H. Martin
- Lawrence Rabiner tutorial "A tutorial on hidden Markov models and selected applications in speech recognition"
- Christopher Bishop's "Pattern Recognition and Machine Learning", Section 13.2
- StackExchange thread "Resources for learning Markov chain and hidden Markov models"
 
-  Other Resources
- Udacity's `"Intro to Artificial Intelligence" course by Peter Norvig and Sebastian Thrun
- Udacity's "Artificial Intelligence - Probabalistic Models"
- Coursera's Ge Gao lecture on HMMs
- Jason Eisner's spreadsheet for teaching the forward-backward algorithm and his paper on using it for teaching
- Quora question "What are some good resources for learning about Hidden Markov Models?"
 
- Model AI Assignments
