@sohomg wrote:
I have created a list of deep learning resources. Please feel free to suggest more.
Here it is:Topics
- General Deep Learning (Fully connected nets)
- Image Models [2D] (Convolutional Networks)
- 1D Sequence Models
Recurrent Neural Network (http://karpathy.github.io/2015/05/21/rnn-effectiveness/)
Long Short Term Memory
Attention models (https://machinelearningmastery.com/attention-long-short-term-memory-recurrent-neural-networks/)
Gated Recurrent Units etc.- Other
Unsupervised Learning,
Deep Reinforcement Learning (http://karpathy.github.io/2016/05/31/rl/)
Sparse coding
Slow feature analysis etc.- AutoEncoders (http://www.deeplearningbook.org/contents/autoencoders.html)
- Deep Belief Networks
- Deep and restricted Boltzmann Machines (http://www.deeplearningbook.org/contents/generative_models.html)
- Generative Adversarial Networks (http://www.deeplearningbook.org/contents/generative_models.html)
- Deep Learning for NLP https://github.com/nyu-dl/NLP_DL_Lecture_Note/blob/master/lecture_note.pdf , http://u.cs.biu.ac.il/~yogo/nnlp.pdf
- Capsule Network :
Book
Research papers
Videos
- Oxford Deep Learning YouTube Playlist https://www.youtube.com/playlist?list=PLE6Wd9FR--EfW8dtjAuPoTuPcqmOV53Fu
- Coursera Neural Networks for Machine Learning https://www.youtube.com/watch?v=cbeTc-Urqak&list=PLoRl3Ht4JOcdU872GhiYWf6jwrk_SNhz9
- AV Videos Playlist https://www.analyticsvidhya.com/blog/2016/12/21-deep-learning-videos-tutorials-courses-on-youtube-from-2016/
University Resources
- Berkeley CS 294: Deep Reinforcement Learning, Fall 2017 http://rll.berkeley.edu/deeprlcourse/
- CS 294-131: Special Topics in Deep Learning https://berkeley-deep-learning.github.io/cs294-131-s17/
- Satnford Deep Learning using Tensorflow http://web.stanford.edu/class/cs20si/syllabus.html
- Oxford deep nlp : https://github.com/oxford-cs-deepnlp-2017/lectures
- Stanford deep nlp Richard Socher: http://web.stanford.edu/class/cs224n/syllabus.html
- Ali Godse: https://www.youtube.com/watch?v=XTWPyW2mTUg&list=PLehuLRPyt1HxTolYUWeyyIoxDabDmaOSB https://www.youtube.com/channel/UCKJNzy_GuvX3SAg3ipaGa8A/playlists
- Advanced Deep NLP: http://www.kyunghyuncho.me/home/courses/ds-ga-3001-fall-2015
- http://videolectures.net/deeplearning2016_montreal/
- Theories of Deep Learning https://stats385.github.io/
- http://course.fast.ai/lessons/lesson0.html
- http://ufldl.stanford.edu/tutorial/
- http://speech.ee.ntu.edu.tw/~tlkagk/courses_ML17_2.html
Code Links
Keras
- http://machinelearningmastery.com/use-different-batch-sizes-training-predicting-python-keras/
- http://machinelearningmastery.com/sequence-classification-lstm-recurrent-neural-networks-python-keras/
- http://machinelearningmastery.com/text-generation-lstm-recurrent-neural-networks-python-keras/
- http://machinelearningmastery.com/time-series-prediction-lstm-recurrent-neural-networks-python-keras/
- http://machinelearningmastery.com/time-series-prediction-with-deep-learning-in-python-with-keras/
- http://machinelearningmastery.com/understanding-stateful-lstm-recurrent-neural-networks-python-keras/
- http://machinelearningmastery.com/time-series-forecasting-long-short-term-memory-network-python/
- http://machinelearningmastery.com/sequence-classification-lstm-recurrent-neural-networks-python-keras/
- http://machinelearningmastery.com/use-different-batch-sizes-training-predicting-python-keras/
Tensorflow
- https://gist.github.com/martinwicke/6838c23abdc53e6bcda36ed9f40cff39
- https://github.com/tensorflow/tensorflow/blob/r1.2/RELEASE.md
- https://www.tensorflow.org/get_started/mnist/pros
- https://www.tensorflow.org/get_started/mnist/beginners 5)https://github.com/tensorflow/tensorflow/blob/r1.1/tensorflow/examples/tutorials/mnist/mnist_softmax.py
- https://www.tensorflow.org/get_started/tflearn
- https://www.tensorflow.org/get_started/summaries_and_tensorboard
- https://github.com/tensorflow/tensorflow/blob/r1.1/tensorflow/tensorboard/README.md
- https://github.com/tensorflow/ecosystem
- https://www.tensorflow.org/get_started/embedding_viz
- https://www.tensorflow.org/get_started/graph_viz
- https://www.tensorflow.org/get_started/get_started
- https://github.com/random-forests/tensorflow-workshop/
- https://www.tensorflow.org/deploy/distributed
- https://www.tensorflow.org/api_docs/python/tf/train/ClusterSpec
V.Imp16) https://github.com/nlintz/TensorFlow-Tutorials- https://github.com/PacktPublishing/Machine-Learning-with-TensorFlow-1.x
Reference: https://github.com/sohomghosh/DeepLearning_materials_codes_readingList/blob/master/reading_list.txt
Posts: 1
Participants: 1