- Blogs
- Books
- Open Courses
-
Linear Algebra ([notes][practice questions])
-
Probability and Statistics ([notes][youtube series])
-
Information Theory [youtube]
- (Shannon) Entropy [blog]
- Cross Entropy, KL Divergence [blog]
- KL Divergence
- Not a distance metric (unsymmetric)
- Derivation from likelihood ratio (Blog)
- Always greater than 0
- Proof by Jensen's inequality (Stack Overflow Link)
- Relation with Entropy (Explanation)
- Neural Networks Overview [youtube]
- Backpropogation
- Loss Functions
- MSE Loss
- Derivation by MLE and MAP
- Cross Entropy Loss
- Binary Cross Entropy
- Categorical Cross Entropy
- MSE Loss
- Activation Functions (Sigmoid, Tanh, ReLU and variants) (blog)
- Optimizers
- Regularization
- Early Stopping
- Noise Injection
- Dataset Augmentation
- Ensembling
- Parameter Norm Penalties
- L1 (sparsity)
- L2 (smaller parameter values)
- BatchNorm [Paper]
- Internal Covariate Shift
- BatchNorm in CNNs [Link]
- Backprop through BatchNorm Layer [Explanation]
- Dropout Regularization [Paper]
-
Convolution [youtube]
- Cross-correlation
- Pooling (Average, Max Pool)
- Strides and Padding
- Output volume dimension calculation
- Deconvolution (Transposed Convolution), Upsampling, Reverse Pooling [Visualization]
- Types of convolution operation [blog]
-
ImageNet Classification
-
Object Detection [blog series]
- RCNN [paper]
- Fast RCNN [paper]
- Faster RCNN [paper]
- Mask RCNN [paper]
- YOLO (Real-time object recognition) [blog]
- SSD (Single Shot Detection) [paper]
- DETR [project page] [annotated DETR]
-
Semantic Segmentation
- UNet [paper]
- DeepLab [paper]
- MaskFormer [paper] [project page]
-
Recurrent Neural Networks
-
Word Embeddings [blog_1] [blog_2]
- Word2Vec
- CBOW
- Glove
- SkipGram, NGram
- FastText
- ELMO
- BERT
-
Transformers [blog posts] [youtube series]
- Attention is All You Need [blog] [paper] [annotated transformer]
- Query-Key-Value Attention Mechanism (Quadratic Time)
- Position Embeddings [blog]
- BERT (Masked Language Modelling) [blog]
- Longe Range Sequence Modelling [blog]
- ELECTRA (Pretraining Transformers as Discriminators) [blog]
- GPT (Causal Language Modelling) [blog]
- OpenAI ChatGPT [blog]
- Vision Language Models | AI Summer [blog]
- Open AI DALL-E [blog]
- OpenAI CLIP [blog]
- Flamingo [blog]
- Gato [blog]
- data2vec [blog]
- OpenAI Whisper [blog]
- Generative Adversarial Networks (GANs) [blog series]
- Variational Autoencoders (VAEs)
- Variational Inference [tutorial paper]
- ELBO and Loss Function derivation
- Normalizing Flows
- Basic Idea and Applications [link]
-
Demos
-
Diffusion Models in general [paper]
- What are Diffusion Models? | Lil'Log [link]
-
Stable Diffusion | Stability AI [blog] [annotated stable diffusion]
-
Illustrated Stable DIffusion | Jay Alammar [blog]
-
Stable Diffusion in downstream Vision tasks
- DiffusionDet [paper]
- Youtube Channels
- Blogs
- Trending Reseach Papers
We welcome contributions to add resources such as notes, blogs, or papers for a topic. Feel free to open a pull request for the same!