This repository contains deep learning related projects I have done over time. Also I created this to share blog/article links that may be useful to other ppl.
-
Deeplearning.ai Machine Learning
02/Aug/2020 - 22/Aug/2020
-
Deeplearning.ai Deep Learning
29/Aug/2020 - 04/Oct/2020
- Neural Networks and Deep Learning
29/Aug/2020 - 08/Sep/2020
- Improving Deep Neural Networks
08/Sep/2020 - 14/Sep/2020
- Structuring Machine Learning Projects
14/Sep/2020 - 16/Sep/2020
- Convolutional Neural Networks
17/Sep/2020 - 25/Sep/2020
- Sequence Models
27/Sep/2020 - 04/Oct/2020
- Neural Networks and Deep Learning
-
Deeplearning.ai TensorFlow Developer
07/Oct/2020 - 21/Oct/2020
- Introduction to TensorFlow for Artificial Intelligence, Machine Learning, and Deep Learning
19/Oct/2020 - 21/Oct/2020
- Convolutional Neural Networks in TensorFlow
07/Oct/2020 - 09/Oct/2020
- Natural Language Processing in TensorFlow
09/Oct/2020 - 10/Oct/2020
- Sequences, Time Series and Prediction
10/Oct/2020 - 11/Oct/2020
- Introduction to TensorFlow for Artificial Intelligence, Machine Learning, and Deep Learning
-
Generative Adversarial Networks (GANs)
21/Dec/2020 -
- Build Basic Generative Adversarial Networks (GANs)
21/Dec/2020 -
- Build Better Generative Adversarial Networks (GANs)
21/Dec/2020 -
- Apply Generative Adversarial Networks (GANs)
21/Dec/2020 -
- Build Basic Generative Adversarial Networks (GANs)
Neural net architectures I have implemented from scratch.
- ResNet (2015)
- VGGNet (2014) (python implementation, c++ implementation - TODO)
- AlexNet (2012) (python implementation, c++ implementation)
- LeNet5 (1998)
- GoogLeNet / Inception v1 (2014)
- How to learn deep learning [video]
- Andrew Ng's career advice and how to read research paper
- How to read an academic paper
Courses
- CS231n: Convolutional Neural Networks for Visual Recognition
- CS224n: Natural Language Processing with Deep Learning
- CS109: Probability for Computer Scientists
- Coursera NLP Specialization
Links
- http://neuralnetworksanddeeplearning.com/
- https://www.deeplearningbook.org/
- https://spinningup.openai.com/en/latest/index.html
- https://ml-cheatsheet.readthedocs.io/ (cheat sheet)
- https://deepai.org/definitions (ML Glossary)
- https://jlibovicky.github.io/ (mostly about Machine Translation)
- https://yashuseth.blog/ (general ML topics)
- https://fairyonice.github.io/
- https://g-airborne.com/
- https://leimao.github.io/
- https://distill.pub/
- https://gradientscience.org/
- How to create a good validation set
- How to Use Dropout with LSTM Networks for Time Series Forecasting
- How to define your machine learning problem
- Continuous video classification with TensorFlow, Inception and Recurrent Nets
- Gentle Introduction to Dropout for Regularizing Deep Neural Networks
- How to Avoid Overfitting in Deep Learning Neural Networks
- optim.Adam vs optim.SGD in Pytorch
- Learning Rate Schedules and Adaptive Learning Rate Methods for Deep Learning
- Transfer Learning - Machine Learning's Next Frontier
- Transfer Learning Tips (Fine-tuning vs Fixed feature extractor)
- A 2020 guide to Semantic Segmentation
- About Resnet34
- ML is fun! Deep Learning and CNN
- A Comprehensive Guide to Convolutional Neural Networks — the ELI5 way
- CNN vs RNN: Which Neural Network Is Right for You?
- Unet explanation in details
- CNN LSTM Networks
- When to Use MLP, CNN, and RNN Neural Networks
- Gentle Introduction to Pooling Layers for CNN
- Introduction to ANN
- Batch Normalization and Dropout in Neural Networks with Pytorch
- A Simple Way to Prevent Neural Networks from Overfitting - Paper
- Understanding and Coding a ResNet in Keras
- How to Manually Scale Image Pixel Data for Deep Learning
- Understanding Parameter Sharing (or weights replication) Within Convolutional Neural Networks
- An Intuitive Understanding of Word Embeddings: From Count Vectors to Word2Vec
- How to do Semantic Segmentation using Deep learning
- A Comprehensive Guide to Build your own Language Model in Python!
- The Illustrated Transformer (NLP)
- Fastai with 🤗Transformers (BERT, RoBERTa, XLNet, XLM, DistilBERT)
- Stemming and Lemmatization in Python
- How I used deep learning to talk like me
- NLP Explanation
- Build your own speech-to-text with Python
- Neural Machine Translation
- Part1: BERT for Advance NLP with Transformers in Pytorch
- Introduction to PyTorch-Transformers: An Incredible Library for State-of-the-Art NLP
- Neural Machine Translation