deeplearning
Collection of my notes on neural network and practical examples
:notebook: NN and DL :notebook:
Theory
Logistic Regression as a Neural Network
Logistic Regression as a Neural Network
Cost Function
Gradient Descent
Computational Graph
Logistic Regression Gradient Descent
Examples of Gradient Descent
Python and Vectorization
Vectorization
Vectorized Implementation of Logistic Regression
Computation of Vectorized Logistic Regressions Gradient
Broadcasting in Python
Numpy Vectors
Justification of Logistic Regression Cost Function
Shallow Neural Network
Neural Networks Overview
Vectorizing Implementation of Neural Network
Activation Functions
Derivatives of Activation Functions
Gradient Descent for Neural Networks
Random Initialization
Deep Neural Network
Deep L-layer neural network
Forward Propagation in a Deep Network
Getting matrix dimensions right
Why deep network?
Building blocks of deep neural networks
Forward and Backward Propagation
Parameters vs Hyperparameters
What does this have to do with the brain?
Machine Learning Application
Train\Dev\Test sets
Bias and Variance Tradeoff
Basic Recipe for Machine Learning
Neural Network Regularization
Regularization
Dropout Regularization
Other Regularization Methods
Optimization problem
Normalizing Inputs
Vanishing Exploding Gradients
Weight Initialization for Deep Networks
Numerical approximation of gradients
Gradient Checking
Optimization Algorithms
Mini Batch Gradient
Exponentially weighted averages
Bias correction in exponentially weighted averages
Gradient descent with momentum
Optimization Algorithms RMSprop
Optimization Algorithms Adam
Learning rate decay
Local optima
Hyperparameter tuning
Tuning Process
Batch Normalization
Normalizing activations in a network
Fitting Batch Norm into a neural network
Why does Batch Norm work?
Batch Norm at test time
Multi-class classification
Softmax Regression
Training a softmax classifier
Deeplearning Programming Framework
Deeplearning programming framework
TensorFlow
:notebook: ML in Practice :notebook:
ML Strategy
Why Machine Learning Strategy
Orthogonalization
Goal Setting
Single number evaluation metric
Satisficing and Optimizing metric
Train/dev/test distributions
Size of dev/test data
When to change dev/test sets and metrics
Comparing to human-level performance
Why human-level performance?
Avoidable bias
Understanding human-level performance
Surpassing human-level performance
Improving your model performance
Error Analysis
Error analysis
Cleaning incorrectly labeled data
Build system quickly then iterate
Mismatched training and dev/test set
Training and testing on different distributions
Bias and Variance with mismatched data distributions
Addressing data mismatch
Learning from multiple tasks
Transfer learning
Multi-task learning
End-to-end deep learning
What is end to end deep learning
Whether to use end to end deep learning
:notebook: Convolutional Neural Nets :notebook:
Theory
Computer Vision
Edge Detection
Padding
Strided Convolution
Convolutions Over Volume
One Layer Convolutional Network
Simple Convolutional Network
Pooling Layer
CNN Example
Why Convolutions are useful?
Deep convolutional models: case studies
LeNet-5, ALexNet, VGG-16
ResNets
Networks in Networks and 1x1 Convolutions
GoogLeNet: Inception Network
ConvNet in Practice
Data Augmentation
State of Computer Vision
Object Detectction
Object Lcoalization
Landmark Detection
Object Detection
Convolutional Implementation of Sliding Windows
YOLO algorithm
IoU
Non max suppression
Anchor Boxes
R-CNN
Special applications: Face recognition & Neural style transfer
Face Recognition
neural style transfer
Convolutional Networks in 1D and 3D
Sequence models
Sequence Data Examples
RNN
Notations
Recurrent Neural Network Model
Language model and sequence generation
Sampling novel sequences
GRU
LSTM
Bidirectional RNN
Word Embedding
Word Representation
Learning word embeddings
Nueral Network Language model
Word2Vec
GloVe
Debiasing word embedding
Sequence to Sequence model
Basic Model
Picking the most likely sentence
Beam Search Algorithm
Error Analysis in Beam Search
Attention Model
Speech Recognition
Generative Adversarial Nets
GAN
BiGAN
Applied GAN
GAN for anormaly detection
AnoGAN
EGBAD
Summation of Important Papers
[Word2vec]
[FastText]
[Elmo]
seq2seq
Transformer
Universal Language Model Fine-tuning for Text Classification
[Tranformer XL]
[Universal Sentence Encoder](
https://stomioka.github.io/deeplearning/docs/
[BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding]
[GPT2]
[MN-DDN]
[XLNet]
TensorFlow Basic
Using Callbacks to control training
Simple covnet
MNIST classification example
Convnet with TF
Image augmentation
NLP in TensorFlow
Sentiment Analysis
Embeddings
Sentiment Analysis - Embeddings
IMDB Subwords 8K with Single Layer LSTM
IMDB Subwords 8K with Multi Layer LSTM
IMDB Subwords 8K with 1D Convolutional Layer
Sarcasm with Bidirectional LSTM
Sarcasm with 1D Convolutional Layer
IMDB Reviews with GRU (and optional LSTM and Conv1D)
Implementations in Python and R
Implementations in R:
Neural Network Classification
Simple 2 hidden layer network with Keras
Implementations in Python:
Building an image recognition algorithm using logistic regression with neural network mindset
Building a 2 layer neural network for binary classification problem
Building neural network utilities
Building a 2 layer neural network and deep learning neural network from scratch
Initialization
initialize_parameters_zeros
initialize_parameters_random
initialize_parameters_he
Regularization
compute_cost_with_regularization
backward_propagation_with_regularization
forward_propagation_with_dropout
backward_propagation_with_dropout
Gradient Checking
gradient_check
gradient_check_n
Optimization
update_parameters_with_gd
random_mini_batches
initialize_velocity
update_parameters_with_momentum
initialize_adam
update_parameters_with_adam
TensorFlow: Build neural network for multiclassification problem
Building Convnet with numpy
Building Convnet with TensorFlow
Building ResNets with Keras
AEDECOD and AETERM similarity with Universal Sentence Encoder with Transformer
Objects detection using pre-trained Yolo weights
Neural Style Transfer
Face Recognition
Character level language moodel - LSTM
Generate Text - LSTM
NLP tasks