SlideShare a Scribd company logo
Deep Learning for Image Analysis
Levan Tsinadze
PulsarAI
Deep Learning Tbilisi
Artificial Neural Network
 Neurons
 Weights
 Graph
Neuron
Specifications
 Input Layer – Hidden Layers – Output Layer
 “Easy” Functions
 Parallelism (Matrices)
ANN / DNN
Problems in CV
 Object recognition
 Object detection
 Semantic segmentation
Object recognition
Object detection
Semantic segmentation
Hybrid Models – Detect - Recognize
Input Image RGB
Input Image Grayscale
Input Image as Tensor
Convolutional NN
 Image as 3 dimensional array – tensor of pixels
 Filters
 Small matrix of weights slide on image (tensor)
 Step by step extract features from image
 Locall connectivity and spatial invariance
Convolutional Neural Networks
CNN
Filter - Input - Output
 Input – tensor
 Output – matrix
 Depth is shrinked
Convolutional Block
 Convolutional fiters (often more than one)
 Activation
 Pooling
Features by Blocks - Hierarchy
Number of Filters
 Input channel – Image Depth (RGB)
 Output channel – Hyper Parameter number of
convolutional filters (kernels)
 Feature Map – Generated Matrix for Each
Patch
 Feature Maps on top of each other
Convolution Example
Many to One
Weight Shearing
 Features map – small amount of weights
 6x6 input 10 features matrices 3x3 each 90
parameters produces 4x4x10 tensor
 224x224x3 to 2048 get 101054464 parameters
 Fully connected layer 6x6x4x4 = 576
 32 Features map
 256 or even 512 or 1024 features map
 Still better presision with less parameters = less
calculation
FP – Sparce FFNN
Activations
 ConvLayer
 Activation (Elementwise)
 ConvLayer
 Etc
 Tensor → Tensor → Tensor → ...
ReLU
 x = x < 0 ? 0 : x or x = max(0, x)
 9:15 – Graph
 Df/Dx = 0 when x = 0
 Easy to Propagate (Forward and Back)
 Easy to See Results
ReLU - Watch
ReLU - Graph
Pooling
Pooling Types
 Max-Pooling
 Average – Pooling
 L2-Norm-Poolig
Pooling – Down-Sampling
Pooling only on Matrices
 Only Matrices
 Pooling for each Channel
 Same Dimensions
 Height Changes
 Width Changes
Dropout
MNIST
LeNet
 Convolutional Layer
 Max pooling layer
 Convolutional layer
 Max pooling layer
 Dropout (if training)
 Fully connected layer
 Dropout (if training)
 Fully connected layer
Training Epochs
 Train
 Shuffle
 Train again
 Only on training set
 Avoid local minimum
PyTorch
 Dynamic execution
 Imperative
 Object-oriented
 http://pytorch.org/
Practical Example
Fine-Tuning / Transfer Learning
 Freeze lower layers
 Retrain higher layers
 Small dataset
 Fast training
 Less resources
ResNet-18
 Residual connections
 Vanishing gradient
 Very deep convolutional neural network
 Easy architecture
 Eveilable pretrained (On ImageNet) weights
Residual Connections
Practical Example
One / N – Shot Learning
 Retraining problems
 Labeling problems (Letters OK, Numbers OK
Faces NOT OK)
 Features extractors
 Feature Search
Embedding Vectors
Features Extractor
 Text
 Image
 Features - Vector
Faces
Image Similarities

More Related Content

PPTX
DeepLab V3+: Encoder-Decoder with Atrous Separable Convolution for Semantic I...
PDF
deep CNN vs conventional ML
PPTX
Rethinking Attention with Performers
PDF
PR-284: End-to-End Object Detection with Transformers(DETR)
PPT
Chap4 slides
PPTX
PPTX
Review-image-segmentation-by-deep-learning
PPTX
DBSCAN (2014_11_25 06_21_12 UTC)
DeepLab V3+: Encoder-Decoder with Atrous Separable Convolution for Semantic I...
deep CNN vs conventional ML
Rethinking Attention with Performers
PR-284: End-to-End Object Detection with Transformers(DETR)
Chap4 slides
Review-image-segmentation-by-deep-learning
DBSCAN (2014_11_25 06_21_12 UTC)

What's hot (19)

PDF
Optimization for Deep Networks (D2L1 2017 UPC Deep Learning for Computer Vision)
PDF
PR-317: MLP-Mixer: An all-MLP Architecture for Vision
PDF
1D Convolutional Neural Networks for Time Series Modeling - Nathan Janos, Jef...
PPTX
A Framework for Scene Recognition Using Convolutional Neural Network as Featu...
PPTX
Dbscan algorithom
PPT
Cnn method
PDF
Deep Learning for Computer Vision: Deep Networks (UPC 2016)
PPTX
Deep learning lecture - part 1 (basics, CNN)
PPTX
A GPU based Real-Time Line Detector using a Cascaded 2D Line Space
PPTX
Fuzzy clustering using RSIO-FCM ppt
PPTX
Space-efficient Feature Maps for String Alignment Kernels
PPTX
Introduction to CNN
PPTX
2021 01-04-learning filter-basis
PPTX
Convolutional neural network from VGG to DenseNet
PPT
Data comparation
PDF
Deep Belief Networks
PDF
Pr045 deep lab_semantic_segmentation
PPT
Zoooooohaib
PDF
PR-155: Exploring Randomly Wired Neural Networks for Image Recognition
Optimization for Deep Networks (D2L1 2017 UPC Deep Learning for Computer Vision)
PR-317: MLP-Mixer: An all-MLP Architecture for Vision
1D Convolutional Neural Networks for Time Series Modeling - Nathan Janos, Jef...
A Framework for Scene Recognition Using Convolutional Neural Network as Featu...
Dbscan algorithom
Cnn method
Deep Learning for Computer Vision: Deep Networks (UPC 2016)
Deep learning lecture - part 1 (basics, CNN)
A GPU based Real-Time Line Detector using a Cascaded 2D Line Space
Fuzzy clustering using RSIO-FCM ppt
Space-efficient Feature Maps for String Alignment Kernels
Introduction to CNN
2021 01-04-learning filter-basis
Convolutional neural network from VGG to DenseNet
Data comparation
Deep Belief Networks
Pr045 deep lab_semantic_segmentation
Zoooooohaib
PR-155: Exploring Randomly Wired Neural Networks for Image Recognition
Ad

Similar to Deep Learning for Image Analysis (20)

PPTX
Introduction to deep learning
PPTX
Deep Learning and TensorFlow
PPTX
Machine Learning Algorithms (Part 1)
PPTX
Deep learning requirement and notes for novoice
PDF
Case Study of Convolutional Neural Network
PPTX
Deep Learning in your Browser: powered by WebGL
PPTX
Deep learning
PPTX
CNN.pptx
PPTX
Review on cs231 part-2
PPTX
Introduction to Deep Learning, Keras, and Tensorflow
PDF
Introduction to Deep Learning, Keras, and TensorFlow
PPTX
CST413 KTU S7 CSE Machine Learning Neural Networks and Support Vector Machine...
PPTX
Introduction to Deep Learning and TensorFlow
PPT
Multi-Layer Perceptrons
PPTX
TensorFlow in Your Browser
PPTX
Multilayer Perceptron (DLAI D1L2 2017 UPC Deep Learning for Artificial Intell...
PPTX
Intro to Deep Learning, TensorFlow, and tensorflow.js
PPTX
Chapter Four Deep Learning artificial intelligence .pptx
PPTX
H2 o berkeleydltf
PPTX
Deep Learning in Your Browser
Introduction to deep learning
Deep Learning and TensorFlow
Machine Learning Algorithms (Part 1)
Deep learning requirement and notes for novoice
Case Study of Convolutional Neural Network
Deep Learning in your Browser: powered by WebGL
Deep learning
CNN.pptx
Review on cs231 part-2
Introduction to Deep Learning, Keras, and Tensorflow
Introduction to Deep Learning, Keras, and TensorFlow
CST413 KTU S7 CSE Machine Learning Neural Networks and Support Vector Machine...
Introduction to Deep Learning and TensorFlow
Multi-Layer Perceptrons
TensorFlow in Your Browser
Multilayer Perceptron (DLAI D1L2 2017 UPC Deep Learning for Artificial Intell...
Intro to Deep Learning, TensorFlow, and tensorflow.js
Chapter Four Deep Learning artificial intelligence .pptx
H2 o berkeleydltf
Deep Learning in Your Browser
Ad

Recently uploaded (20)

PPTX
Protein & Amino Acid Structures Levels of protein structure (primary, seconda...
PPTX
GEN. BIO 1 - CELL TYPES & CELL MODIFICATIONS
PPTX
neck nodes and dissection types and lymph nodes levels
PPTX
Taita Taveta Laboratory Technician Workshop Presentation.pptx
PPT
The World of Physical Science, • Labs: Safety Simulation, Measurement Practice
PPT
Chemical bonding and molecular structure
PDF
IFIT3 RNA-binding activity primores influenza A viruz infection and translati...
PPTX
Microbiology with diagram medical studies .pptx
PPTX
Vitamins & Minerals: Complete Guide to Functions, Food Sources, Deficiency Si...
PDF
Biophysics 2.pdffffffffffffffffffffffffff
PPTX
ANEMIA WITH LEUKOPENIA MDS 07_25.pptx htggtftgt fredrctvg
PPTX
EPIDURAL ANESTHESIA ANATOMY AND PHYSIOLOGY.pptx
PDF
Sciences of Europe No 170 (2025)
PDF
Formation of Supersonic Turbulence in the Primordial Star-forming Cloud
PDF
The scientific heritage No 166 (166) (2025)
PDF
. Radiology Case Scenariosssssssssssssss
PPTX
DRUG THERAPY FOR SHOCK gjjjgfhhhhh.pptx.
PDF
Mastering Bioreactors and Media Sterilization: A Complete Guide to Sterile Fe...
PPTX
G5Q1W8 PPT SCIENCE.pptx 2025-2026 GRADE 5
PDF
diccionario toefl examen de ingles para principiante
Protein & Amino Acid Structures Levels of protein structure (primary, seconda...
GEN. BIO 1 - CELL TYPES & CELL MODIFICATIONS
neck nodes and dissection types and lymph nodes levels
Taita Taveta Laboratory Technician Workshop Presentation.pptx
The World of Physical Science, • Labs: Safety Simulation, Measurement Practice
Chemical bonding and molecular structure
IFIT3 RNA-binding activity primores influenza A viruz infection and translati...
Microbiology with diagram medical studies .pptx
Vitamins & Minerals: Complete Guide to Functions, Food Sources, Deficiency Si...
Biophysics 2.pdffffffffffffffffffffffffff
ANEMIA WITH LEUKOPENIA MDS 07_25.pptx htggtftgt fredrctvg
EPIDURAL ANESTHESIA ANATOMY AND PHYSIOLOGY.pptx
Sciences of Europe No 170 (2025)
Formation of Supersonic Turbulence in the Primordial Star-forming Cloud
The scientific heritage No 166 (166) (2025)
. Radiology Case Scenariosssssssssssssss
DRUG THERAPY FOR SHOCK gjjjgfhhhhh.pptx.
Mastering Bioreactors and Media Sterilization: A Complete Guide to Sterile Fe...
G5Q1W8 PPT SCIENCE.pptx 2025-2026 GRADE 5
diccionario toefl examen de ingles para principiante

Deep Learning for Image Analysis