Skip to main content
Module 3: Deep Learning and its Applications
Deep Learning Architectures
- August 28, 2021
- Gradient descent and its variants,
- Log likelihood Interpretation of Linear Regression,
- Logistic Regression - Binary classification model,
- Sigmoid or logistic function, Loss function, Binary cross entropy,
- Logistic Regression - Multiclass classification
- Activation Function - Softmax Function
- Feedforward Neural Network
- Rectified Linear Units(ReLU)
- Leaky ReLU
- Hyperbolic tangent function
- Chain Rule of Calculus
- Backpropagation
- September 04, 2021
- Recap of Backpropagation,
- Relu and Softmax Activation Function,
- L2 Regularization,
- Early stopping,
- Dropouts
- Validation Set and Validation Error
- Classical Features and Deep Features
- Batch Normalization
- Stochastic Gradient Descent
- Momentum based optimization
- September 12, 2021
- September 12, 2021
- Optimization - Momentum, Adam, Adagrad, RMSprop;
- Batch Normalization;
- 1D Convolution;
- 2D Convolution;
- Convolutional Layer - Filter, Stride
- Zero Padding
- Max Pooling
- Recurrent Neural Networks (RNN);
- First Order Recurrence - Hidden Layer;
- Why do need Recurrent Models;
- Error Back Propagation;
- Backpropagation through time
- Long term dependency issue - Vanishing Gradients
- Tanh Activation Function Long Short Term Menory (LSTM)
- Recurrent networks - Single Input Multiple Outputs
- Bi-directional Netorks
- Sequence to Sequence Mapping Networks
- RNN;
- Attention Encoder Decoder Model
- Attention in LSTM networks;
- Natural Language Processing – Representation of Text
- Word2vec models as text representations - continuous bag-of-words and skip-gram model
- Word2vec visualization
- Deep Neural Network-Intution
- CNN for MNIST
- Understanding CNN's using CNN's
- Problem of Underfit and Overfit
- Regularization in Deep Network
- Batch Normalization"
- ASR – Statistical Speech Recognition
- Probabilistic Approach- Statistical Sequence Recognition
- Acoustic Model – State based modeling approach – HMM(Hidden markov model);
- HMM decoding
- Word Error Rate/Character Error
- ASR – DNN/HMM Hybrid Model
- ASR – TDNN(Time Delay Neural Network)
- RNN
- Training a RNN language model
- Evaluating language model
- ASR -End to end approach
- NMT(Neural Machine Translation)
- Greedy decoding
- Seq-to-seq with attention
- Self attention
- The transformer encoder-decoder
- CTC(Connectionist Temporal Classification)
- Fully convolutional speech recognition
- Speech transformer
- Wav2vec
- Autoregressive Predictive coding
- Concatenative TTS;
- Concatenative Synthesis
- Three stage pipeline
- Vocoder
- Source filter model
- Maximum likelihood estimation of spectral model
- Introduction of auditory frequency scale
- Mel Generalized Ceptral Analysis Advanced Vocoder and excitation models
- Speech Signal Processing Toolkit
- MELP Style Mixed Excitation
- Autoregressive Model - core idea
- Autoregressive Model - wavenet
- STRAIGHT
- Excitation Signal Generation in STRAIGHT
- Griffin Lim Algorithm
- Naive Model
- Non-autoregressive model – melGAN
- Normalizing flow
- Neural Source filter model
- SFNet
- Text Front End
- Prosodic Production prediction
- Pronunciation prediction
- Style Information
- Contextual Information
- HMM Neural Network
- Tacotran
- Acoustic Model
- Non-RNN Acoustic Model
- Robust Acoustic Model
- Non-autoregressive acoustic model
- Accurate Alignment
- End to end adversial text to speech
- CNN Architectures - Brief Overview;
- AlexNet, VGG16, VGG19
- ResNet,Self-Supervised Learning;
- Contrastive Learning
- Image Augmentations
- A simple Framework for Contrastive Learning of Visual Representation
- Contrastive Loss Function
- Image Segmentation - UNet
- Performance Metrics - Intersection over Union
- DeepLab,Bilinear Interpolation
- October 30, 2021
- Computer Vision and Semantic Gap
- Conventional vs Deep Vision
- AlexNet
- FCNN
- Object Detection (RCNNs)
- Object Detection (Faster RCNN + ResNet-101)
- Semantic Object Segmentation
- RPN,VGG,GoogleNet,RCNN,YOLO
- November 06, 2021
- GAN’s
- Spatial Localization Detection
- RCNN
- Fast R CNN- Region Proposal Network
- YOLO Detection as Regression
- Adversial Robustness of Deep Models
- November 13, 2021
- Image Captioning
- Convolutional Feature Extractor
- Model : Attention
- Yolo V1, V2, V3
- November 27, 2021
- Introduction to NLP and its applications
- Sentence Classification
- Textual Entailment
- Question Answering
- Self Supervised Learning
- Text Preprocessing
- Tokenization
- Filtering Stop Words
- Remove Punctuations
- Stemming and Lemmatization
- Additional Text Processing
- Distributed Word Representations
- Text Representation
- BOW (Bag of words)
- Cosine Similarity
- Word2vec
- Skip-gram model
- GloVe
- fasText
- Sentence Representation
- Deep Averaging Network
- December 04, 2021
- Language Model
- Statistical Language Model
- N-gram Language Model
- Sentence classification problem
- Neural Machine Translation
- Training on RNN Language Model
- Generating Text with a RNN Language Model
- Evaluating a Language Model
- Bidirectional RNN
- Embeddings from Language Model
- Gated Recurrent Unit (GRU)
- Convolutional Neural Netorks
- CNN for Sentence Representation
- Single Layer CNN for Sentence Classification
- CNN for Machine Translation
- Combination of CNN and RNN for paragraph Classification
- CNN for Part-of-Speech Tagging
- December 11, 2021
- Attention Mechanism
- GRU Network
- Data Fitting Problem
- Bidirectional RNN
- Attention mechanism for seq-to-seq problem
- Self-attention
- Transformers
- Encoder
- Multi head attention
- Positional encodings
- Transformer encoder for classification
- December 18, 2021
- Backpropagation through time
- Vanishing Gradient
- GPT(Generative Pretrained Model)
- Formatting inputs for fine-tuning task
- English grammer correctioin using gpt 3
- Bytepair tokenizer
- Wordpiece tokenizer
- BERT
- BERT- Masked Language Model
- BERT Variants
- ine tuning bert on different task
- January 22, 2022
- First Half: Techniques for efficient hardware inference
- Separable Convolution
- SparsityPruning Neural Networks
- Recovery Accuracy
- Pruning RNN and LSTM
- Load balance aware pruning
- Bitmask Compression
- Number Representation
- Quantization
- AlexNet on ImageNet Classification
- Trained Quantization
- Huffman Coding
- Ternary Net
- Dataflows
- Reduced Precision Networks
- Non-linear quantization
- Google TPU generation
- Edge TPU
- Machine Learning for IoT edge computing
- Power Constraints
- ML Hardware Tradeoffs
- CPU and GPUF
- PGA vs ASIC Chip 1(Analog ML)
- VLSI Implementation: Weighted Average Circuit
- Memristor
- Microcontrollers
- MCU(Cortex Series)
- tinyML hardware
- January 30, 2022
- Machine Learning on embedded system
- Attributes
- Framework
- Design
- MCU Hardware
- ESP-EYE Dev kit
- Arduino Nano 33 BLE
- tinyML software frameworks
- TensorflowLite Micro
- TensorflowLite Micro NN Ops
- TensorflowLite Conversion : Keras Model
- TensorflowLite Model Optimization
- Post Training Interger Quantization
- Quantization Aware Training
- Pruning
- Weight Clustering
- TFLM Structure
- Installation
- Hello World TensorflowLite Micro Screencast
- Helloworld TFLM Components
- February 05, 2022
- tinyML Deployment
- Keyword spotting application
- Audio sensor input
- KWS dataset - Google speech command
- Data Preprocessing - MFCC
- Cochlea based filtering
- tinyConv model
- KWS components
- Keyword spotting code demo
- Custom model for TFLM framework
- Visual fake words - Person detection application
- Person detection metrics
- Person detection model
- person detection components
- Person detection code demo
- Sensor ecosystem
- Gesture recognition demo