KiKaBeN
Categories
All
(82)
Algorithms
(1)
Autoencoder
(1)
Bayesian Inference
(3)
Convolutional Neural Networks
(4)
Deep Learning
(3)
Fundamentals
(5)
Generative Adversarial Networks
(8)
Generative Models
(1)
History
(1)
Image Classification
(1)
Information Theory
(5)
Language Models
(4)
Large Language Models
(13)
Machine Translation
(9)
Object Detection
(17)
Recurrent Neural Networks
(2)
Segmentation
(2)
Self-Driving Cars
(4)
Sequence Modeling
(1)
Transformer
(8)
Vision Transformer
(3)
Order By
Default
Title
Date - Oldest
Date - Newest
VAE: Variational Auto-Encoder (2013)
Understanding the Auto-Encoding Variational Bayes Paper
Aug 23, 2023
CLIP: Learning Transferable Visual Models From Natural Language Supervision (2021)
Bridging the Gap Between Vision and Language - A Look at OpenAI’s CLIP Model
Aug 13, 2023
LLaMA (2023)
Open and Efficient Foundation Language Models
May 7, 2023
SwiGLU: GLU Variants Improve Transformer (2020)
ReGLU, GEGLU, SwiGLU
Apr 30, 2023
GLU: Gated Linear Unit (2016)
Language Modeling with Gated Convolutional Networks
Apr 23, 2023
Adaptive Softmax (2016)
Efficient softmax approximation for GPUs
Apr 12, 2023
Toolformer (2023-02)
Language Models Can Teach Themselves to Use Tools
Feb 19, 2023
Why Can GPT Learn In-Context?
Language Models Secretly Perform Gradient Descent as Meta-Optimizers
Jan 30, 2023
Hands-on Deep Learning with PyTorch
A Series Of YouTube Video Lectures
Jan 12, 2023
GPT-3: In-Context Few-Shot Learner (2020)
A generative language model with 175B params, 10x more than previous LMs
Jan 4, 2023
GPT-2: Too Dangerous To Release (2019)
The Difference between GPT-1 and GPT-2
Dec 30, 2022
GPT: Generative Pre-Trained Transformer (2018)
The First Version
Dec 26, 2022
Longformer: The Long-Document Transformer (2020)
How it processes thousands of tokens
Nov 27, 2022
Swin Transformer for Hierarchical Vision (2021)
A new Vision Transformer with Shifted Windows
Nov 4, 2022
ViT: Vision Transformer (2020)
An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale
Nov 2, 2022
DETR: Object Detection with Transformers (2020)
End-to-End Object Detection with Transformers
Oct 30, 2022
YOLOv3: An Incremental Improvement (2018)
The last version of YOLO with Joseph Redmon
Oct 24, 2022
RetinaNet: One-stage Detector + Focal Loss (2017)
Ross Girshick and Kaiming He developed RetinaNet
Oct 22, 2022
Mask R-CNN: Faster R-CNN + Mask Branch (2017)
How the mask branch works
Oct 18, 2022
FCN: Fully Convolutional Networks (2014)
Fully Convolutional Networks for Semantic Segmentation
Sep 8, 2022
DeepLab v3: Semantic Segmentation (2017)
Hands-on PyTorch Tutorial
Sep 4, 2022
FPN: Feature Pyramid Network (2016)
Aug 21, 2022
YOLO v2: Better, Faster, Stronger
YOLO v2 became better and faster than Faster R-CNN and SSD
Aug 10, 2022
SSD: Single Shot MultiBox Detector
Jul 31, 2022
YOLO: You Look Only Once (The 1st Version)
An object detection model that is very fast, pretty accurate, yet simple.
Jul 26, 2022
Faster R-CNN: Real-Time Object Detection with RPN
Faster R-CNN eliminated the last-boss bottleneck (Selective Search).
Jul 11, 2022
Fast R-CNN: Understanding why it’s 213 Times Faster than R-CNN and More Accurate
What were we really comparing?
Jun 21, 2022
R-CNN: Region-based Convolutional Neural Network
Extracting Features + SVM Classifier
Jun 11, 2022
Object Detection: Non-Maximum Suppression (NMS)
Understanding the Logic and Tricky Part of NMS
Jun 1, 2022
Object Detection: mean Average Precision (mAP)
Calculating mAP with Confidence
May 27, 2022
Object Detection: Intersection over Union (IoU)
A Quick Explanation
May 24, 2022
Object Detection vs. Image Classification
Simple Comparision
May 23, 2022
YOLOv5 Transfer Learning
In Simple Steps Without Losing Your Mind
May 10, 2022
YOLOv5
Object Detection Made Easy with PyTorch Hub
May 8, 2022
CycleGAN
Turn a Horse into a Zebra and vice versa with the Magic of Self-Supervised Learning
May 3, 2022
Pix2Pix
Powerful Image-to-image Translation with a Conditional Adversarial Networks
May 1, 2022
CGAN (Conditional GAN)
Specify What Images To Generate With 1 Simple Yet Powerful Change
Apr 28, 2022
Fashion GAN
Generating Colorful Fashion Images with DCGAN
Apr 22, 2022
DCGAN (Deep Convolutional GAN)
Generates MNIST-like Images with Dramatically Better Quality
Apr 22, 2022
GAN (Generative Adversarial Network)
Simple Implementation with PyTorch
Apr 21, 2022
DistilBERT — distilled version of BERT
A Tiny BERT with Great Performance – 97% of the Original
Mar 6, 2022
RoBERTa — Robustly optimized BERT approach
Better than XLNet without Architectural Changes to the Original BERT
Feb 20, 2022
BERT — Bidirectional Encoder Representation from Transformers
Pioneering Wonderful Large-Scale Pre-Trained Language Model Boom
Feb 7, 2022
Transformer’s Evaluation Details
Greedy and Beam Search Translators
Jan 30, 2022
Transformer Training Details
Optimizer, Scheduler, Loss Function
Jan 26, 2022
Transformer Data Loader
To Make Writing A Training Loop Simple
Jan 22, 2022
Transformer Coding Details
A Simple Implementation
Jan 16, 2022
Transformer’s Encoder-Decoder
Let’s Understand The Model Architecture
Dec 12, 2021
Transformer’s Self-Attention
Why Is Attention All You Need?
Nov 14, 2021
Transformer’s Positional Encoding
How Does It Know Word Positions Without Recurrence?
Oct 30, 2021
BLEU (Bi-Lingual Evaluation Understudy)
How do we evaluate a machine translation with reference sentences?
Oct 19, 2021
Beam Search for Machine Translation
How Greedy, Exhaustive, and Beam Search Algorithms Work
Oct 17, 2021
Word Embedding Lookup
Solving the curse of dimensionality problem
Oct 11, 2021
Neural Machine Translation with Attention Mechanism
Giving AI the Ability to Know Where To Look
Sep 29, 2021
Long Short-Term Memory
How LSTM Mitigated the Vanishing Gradients But Not the Exploding Gradients
Sep 26, 2021
Recurrent Neural Networks
Understanding RNN, Deeper RNN, Bidirectional RNN, and Seq2Seq
Sep 19, 2021
Temporal Convolutional Networks
Can CNNs handle sequential data and maintain history better than LSTM?
Sep 12, 2021
Matrix Decomposition Demystified
Eigen Decomposition, SVD, and Pseudo-inverse Matrix Made Easy
Aug 31, 2021
Gradient Descent Optimizers
Understanding SGD, Momentum, Nesterov Momentum, AdaGrad, RMSprop, AdaDelta, and ADAM – Made Easy
Aug 29, 2021
Vanishing Gradient Problem
One of the most critical problems in the history of deep learning development
Aug 15, 2021
Dartmouth Conference
AI in 1956 and Reflections After 50 Years
Aug 9, 2021
The famous Monty Hall Problem
It requires a non-intuitive solution — revisited in a story of three math fans
Jul 26, 2021
Bayes Theorem Demystified
Dr. Demystifier (Dr. D) vs. a High School Student Ken
Jul 20, 2021
Normal Distribution Demystified
Understanding the Maximum Entropy Principle
Oct 25, 2020
Calculus of Variations Demystified
How To Solve The Shortest Path Problem
Oct 18, 2020
Lagrange Multiplier Demystified
Why Does It Work?
Oct 4, 2020
Constrained Optimization Demystified
Explained with a Simple Example
Oct 4, 2020
Raspberry Pi 3 for the Second Time
Let’s Build a Vehicle
Aug 4, 2019
KL Divergence Demystified
What does measuring the similarity of two probability distributions mean?
Nov 5, 2018
Cross-Entropy Demystified
What is it? Is there any relation to the entropy concept?
Oct 28, 2018
Entropy Demystified
Is it a disorder, uncertainty, or surprise?
Jul 24, 2018
Having Fun with Deep Convolutional GANs
MNIST, SVHN, CelebA
Nov 14, 2017
Up-sampling with Transposed Convolution
Nov 13, 2017
Understanding Generative Adversarial Networks
Use A Simple GAN To Generate MNIST images
Nov 3, 2017
Autoencoder
How to Reduce Image Noises
Nov 1, 2017
Convolutional Layers for Artistic Style Transfer
Magically Turn Cats into Art
Oct 31, 2017
Do Filters Dream of Convolutional Cats?
Let’s Examine Convolutional Features
Oct 25, 2017
Pipelines, Mind Maps, and Convolutional Neural Networks
Design Neural Networks By Try and Error
Feb 28, 2017
Introduction to Udacity Self-Driving Car Simulator
How To Set Up The Simulator
Feb 15, 2017
Raspberry Pi 3 for the First Time
A Step-by-step Instruction
Feb 8, 2017
Lane Detection with Python OpenCV
Finding Lane Lines In The Road Images
Feb 4, 2017
Beautiful Sudoku Solver by Peter Norvig
Python code that solves any Sudoku puzzles systematically
Jan 28, 2017
No matching items