SlideShare a Scribd company logo
1 of 33
Download to read offline
DEEP NEURAL NETWORKS
FOR OBJECT DETECTION
Sergey Nikolenko
Steklov Institute of Mathematics at St. Petersburg
September 24, 2017, Kharkiv, Ukraine
● Bird’s eye overview of deep learning
● Convolutional neural networks
● From CNN to object detection and segmentation
● Current state of the art
● Neuromation: synthetic data
● Neural networks started as models of actual neurons
● Very old idea (McCulloch, Pitts, 1943), there were actual
hardware perceptrons in the 1950s
● Several “winters” and “springs”, but the 1980s already had
all basic architectures that we use today
● But they couldn’t train them fast enough and on enough data
Neural networks: a brief history
The deep learning revolution
● 10 years ago machine learning underwent a deep learning revolution
● Since 2007-2008, we can train large and deep neural networks
● New ideas for training + GPUs + large datasets
● And now deep NNs yield state of the art results in many fields
What is a deep neural network
● A neural network is a composition of functions
● Usually linear combination + nonlinearity
● These functions comprise a computational graph
that computes the loss function for the model
● To train the model (learn the weights), you take the
gradient of the loss function w.r.t. weights with
backpropagation
● And then you can do (stochastic) gradient descent
and variations
● Convolutional neural networks – specifically for image processing
● Also an old idea, LeCun’s group did it since late 1980s
● Inspired by the experiments of Hubel and Wiesel who understood
(lower layers of) the visual cortex
Convolutional neural networks
Convolutional neural networks: idea
● Main idea: apply the same filters to different parts of the image.
● Break up the picture into windows:
Processing a single tile
Convolutional neural networks: idea
● Main idea: apply the same filters to different parts of the image.
● Apply a small neural network to each window:
Convolutional neural networks: idea
● Main idea: apply the same filters to different parts of the image.
● Compress with max-pooling
● Then use the resulting features:
Convolutional neural networks: idea
● We can also see which parts of the image activate a specific neuron, i.e., find
out what the features do for specific images:
● СNNs were deep from the
start – LeNet, late 1980s:
● And they started to grow
quickly after the deep
learning revolution – VGG:
Deep CNNs
Inception
● Network in network: the “small network” does not
have to be trivial
● Inception: a special network in network architecture
● GoogLeNet: extra outputs for the error function
from “halfway” the model
ResNet
● Residual
connections
provide the free
gradient flow
needed for really
deep networks
ResNet led to the revolution of depth
ImageNet
● Modern CNNs have hundreds of layers
● They usually train on ImageNet, a huge dataset for image classification:
>10M images, >1M bounding boxes,
all labeled by hand
Object detection
● In practice we also need to know where the objects are
● PASCAL VOC dataset for segmentation:
● Relatively small, so recognition models are first trained on ImageNet
YOLO
● YOLO: you only look once; look for bounding boxes and objects in one pass:
● YOLO v.2 has recently appeared and is one of the fastest and best object
detectors right now
YOLO
● Idea: split the image into an SxS grid.
● In each cell, predict both bounding boxes
and class probabilities; then simply
●
● CNN architecture
in YOLO is standard:
Single Shot Detectors
● Further development of this idea: single-shot detectors (SSD)
● A single network that predicts several class labels and several corresponding
positions for anchor boxes (bounding boxes of several predefined sizes).
R-CNN
● R-CNN: Region-based ConvNet
● Find bounding boxes with some
external algorithm
(e.g., selective search)
● Then extract CNN features (from a CNN trained on ImageNet
and fine-tuned on the necessary dataset) and classify
R-CNN
● Visualizing regions of activation for a neuron from a high layer:
Fast R-CNN
● But R-CNN has to be trained in several steps (first CNN, then SVM on CNN
features, then bounding box regressors), very long, and recognition is very
slow (47s per image even on a GPU!)
● The main reason is that we need to go through the CNN for every region
● Hence, Fast R-CNN makes RoI (region of interest) projection that collects
features from a region.
● One pass of the main CNN
for the whole image.
● Loss = classification error
+ bounding box regression error
Faster R-CNN
● One more bottleneck left: selective search to choose bounding boxes.
● Faster R-CNN embeds it into the network too with a separate
Region Proposal Network
● Evaluates each individual possibility from a set of predefined anchor boxes
R-FCN
● We can cut the costs even further, getting rid of complicated layers to be
computed on each region.
● R-FCN (Region-based Fully Convolutional Network) cuts the features from
the very last layer, immediately before classification
How they all compare
How they all compare
Mask R-CNN
for image segmentation
● To get segmentation, just
add a pixel-wise output layer
● But all of this still requires lots and lots of data
● The Neuromation approach: create synthetic data ourselves
● We create a 3D model for each object and render images to train on
Synthetic data
● Synthetic data can have pixel perfect labeling, something humans can’t do
● And it is 100% correct and free
Synthetic data
● Problem: we need to do transfer learning from synthetic images to real ones
● We are successfully solving this problem from both sides
Transfer learning
● Retail Automation Lab needs to scale up synthetic data
● Challenge: 170000 SKU in the Russian retail catalogue only
Next step
OUR TEAM:
Maxim Prasolov
CEO
Fedor Savchenko
CTO
Sergey Nikolenko
Chief Research Officer
Denis Popov
Chief Information
Officer
Constantine Goltsev
Investor / Chairman
Andrew Rabinovich
Adviser
Yuri Kundin
ICO Compliance
Adviser
Aleksey Spizhevoi
Researcher
Esther Katz
VP of Communication
Kiryl Truskovskyi
Lead Researcher
THANK YOU FOR YOUR ATTENTION!
KNOWLEDGE MINING - A NEW ERA OF
DISTRIBUTED COMPUTING
THANK YOU!

More Related Content

What's hot

Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNNNoura Hussein
 
Deep image generating models
Deep image generating modelsDeep image generating models
Deep image generating modelsLuba Elliott
 
Graph Neural Network - Introduction
Graph Neural Network - IntroductionGraph Neural Network - Introduction
Graph Neural Network - IntroductionJungwon Kim
 
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...Preferred Networks
 
Introduction to Graph neural networks @ Vienna Deep Learning meetup
Introduction to Graph neural networks @  Vienna Deep Learning meetupIntroduction to Graph neural networks @  Vienna Deep Learning meetup
Introduction to Graph neural networks @ Vienna Deep Learning meetupLiad Magen
 
物件偵測與辨識技術
物件偵測與辨識技術物件偵測與辨識技術
物件偵測與辨識技術CHENHuiMei
 
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...Myungyon Kim
 
RNN and its applications
RNN and its applicationsRNN and its applications
RNN and its applicationsSungjoon Choi
 
Image Classification with Deep Learning | DevFest + GDay, George Town, Mala...
Image Classification with Deep Learning  |  DevFest + GDay, George Town, Mala...Image Classification with Deep Learning  |  DevFest + GDay, George Town, Mala...
Image Classification with Deep Learning | DevFest + GDay, George Town, Mala...Virot "Ta" Chiraphadhanakul
 
ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network 신동 강
 
CNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent AdvancesCNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent AdvancesDmytro Mishkin
 
Recent progress on distributing deep learning
Recent progress on distributing deep learningRecent progress on distributing deep learning
Recent progress on distributing deep learningViet-Trung TRAN
 
Modern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentationModern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentationGioele Ciaparrone
 
Understanding Convolutional Neural Networks
Understanding Convolutional Neural NetworksUnderstanding Convolutional Neural Networks
Understanding Convolutional Neural NetworksJeremy Nixon
 
How Powerful are Graph Networks?
How Powerful are Graph Networks?How Powerful are Graph Networks?
How Powerful are Graph Networks?IAMAl
 
Introduction to 3D Computer Vision and Differentiable Rendering
Introduction to 3D Computer Vision and Differentiable RenderingIntroduction to 3D Computer Vision and Differentiable Rendering
Introduction to 3D Computer Vision and Differentiable RenderingPreferred Networks
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNNShuai Zhang
 

What's hot (20)

YOLACT
YOLACTYOLACT
YOLACT
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
 
Deep image generating models
Deep image generating modelsDeep image generating models
Deep image generating models
 
Graph Neural Network - Introduction
Graph Neural Network - IntroductionGraph Neural Network - Introduction
Graph Neural Network - Introduction
 
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
 
Introduction to Graph neural networks @ Vienna Deep Learning meetup
Introduction to Graph neural networks @  Vienna Deep Learning meetupIntroduction to Graph neural networks @  Vienna Deep Learning meetup
Introduction to Graph neural networks @ Vienna Deep Learning meetup
 
物件偵測與辨識技術
物件偵測與辨識技術物件偵測與辨識技術
物件偵測與辨識技術
 
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...
 
RNN and its applications
RNN and its applicationsRNN and its applications
RNN and its applications
 
Image Classification with Deep Learning | DevFest + GDay, George Town, Mala...
Image Classification with Deep Learning  |  DevFest + GDay, George Town, Mala...Image Classification with Deep Learning  |  DevFest + GDay, George Town, Mala...
Image Classification with Deep Learning | DevFest + GDay, George Town, Mala...
 
ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network
 
CNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent AdvancesCNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent Advances
 
Neural Networks and Deep Learning
Neural Networks and Deep LearningNeural Networks and Deep Learning
Neural Networks and Deep Learning
 
Recent progress on distributing deep learning
Recent progress on distributing deep learningRecent progress on distributing deep learning
Recent progress on distributing deep learning
 
Modern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentationModern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentation
 
Understanding Convolutional Neural Networks
Understanding Convolutional Neural NetworksUnderstanding Convolutional Neural Networks
Understanding Convolutional Neural Networks
 
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
 
How Powerful are Graph Networks?
How Powerful are Graph Networks?How Powerful are Graph Networks?
How Powerful are Graph Networks?
 
Introduction to 3D Computer Vision and Differentiable Rendering
Introduction to 3D Computer Vision and Differentiable RenderingIntroduction to 3D Computer Vision and Differentiable Rendering
Introduction to 3D Computer Vision and Differentiable Rendering
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 

Similar to Deep Neural Networks Presentation

FINAL_Team_4.pptx
FINAL_Team_4.pptxFINAL_Team_4.pptx
FINAL_Team_4.pptxnitin571047
 
Handwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTHandwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTRishabhTyagi48
 
intro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxintro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxssuser3aa461
 
Deep Learning Training at Intel
Deep Learning Training at IntelDeep Learning Training at Intel
Deep Learning Training at IntelAtul Vaish
 
“Modern Machine Vision from Basics to Advanced Deep Learning,” a Presentation...
“Modern Machine Vision from Basics to Advanced Deep Learning,” a Presentation...“Modern Machine Vision from Basics to Advanced Deep Learning,” a Presentation...
“Modern Machine Vision from Basics to Advanced Deep Learning,” a Presentation...Edge AI and Vision Alliance
 
IRJET- Real-Time Object Detection using Deep Learning: A Survey
IRJET- Real-Time Object Detection using Deep Learning: A SurveyIRJET- Real-Time Object Detection using Deep Learning: A Survey
IRJET- Real-Time Object Detection using Deep Learning: A SurveyIRJET Journal
 
Image Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyImage Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyNUPUR YADAV
 
Autoencoders for image_classification
Autoencoders for image_classificationAutoencoders for image_classification
Autoencoders for image_classificationCenk Bircanoğlu
 
Fundamental of deep learning
Fundamental of deep learningFundamental of deep learning
Fundamental of deep learningStanley Wang
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learningPoo Kuan Hoong
 
Convolutional neural networks 이론과 응용
Convolutional neural networks 이론과 응용Convolutional neural networks 이론과 응용
Convolutional neural networks 이론과 응용홍배 김
 
Introduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural NetworksIntroduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural NetworksMarcinJedyk
 
Introducción a las redes convolucionales
Introducción a las redes convolucionalesIntroducción a las redes convolucionales
Introducción a las redes convolucionalesJoseAlGarcaGutierrez
 
Pres Tesi LM-2016+transcript_eng
Pres Tesi LM-2016+transcript_engPres Tesi LM-2016+transcript_eng
Pres Tesi LM-2016+transcript_engDaniele Ciriello
 
Computer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathonComputer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathonAditya Bhattacharya
 
Automatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face RecognitionAutomatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face Recognitionvatsal199567
 
Intro to Neural Networks
Intro to Neural NetworksIntro to Neural Networks
Intro to Neural NetworksDean Wyatte
 

Similar to Deep Neural Networks Presentation (20)

FINAL_Team_4.pptx
FINAL_Team_4.pptxFINAL_Team_4.pptx
FINAL_Team_4.pptx
 
Scene understanding
Scene understandingScene understanding
Scene understanding
 
Handwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTHandwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPT
 
intro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxintro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptx
 
Deep Learning Training at Intel
Deep Learning Training at IntelDeep Learning Training at Intel
Deep Learning Training at Intel
 
Deep learning
Deep learning Deep learning
Deep learning
 
“Modern Machine Vision from Basics to Advanced Deep Learning,” a Presentation...
“Modern Machine Vision from Basics to Advanced Deep Learning,” a Presentation...“Modern Machine Vision from Basics to Advanced Deep Learning,” a Presentation...
“Modern Machine Vision from Basics to Advanced Deep Learning,” a Presentation...
 
IRJET- Real-Time Object Detection using Deep Learning: A Survey
IRJET- Real-Time Object Detection using Deep Learning: A SurveyIRJET- Real-Time Object Detection using Deep Learning: A Survey
IRJET- Real-Time Object Detection using Deep Learning: A Survey
 
Image Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyImage Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A survey
 
Autoencoders for image_classification
Autoencoders for image_classificationAutoencoders for image_classification
Autoencoders for image_classification
 
Fundamental of deep learning
Fundamental of deep learningFundamental of deep learning
Fundamental of deep learning
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learning
 
Convolutional neural networks 이론과 응용
Convolutional neural networks 이론과 응용Convolutional neural networks 이론과 응용
Convolutional neural networks 이론과 응용
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
Introduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural NetworksIntroduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural Networks
 
Introducción a las redes convolucionales
Introducción a las redes convolucionalesIntroducción a las redes convolucionales
Introducción a las redes convolucionales
 
Pres Tesi LM-2016+transcript_eng
Pres Tesi LM-2016+transcript_engPres Tesi LM-2016+transcript_eng
Pres Tesi LM-2016+transcript_eng
 
Computer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathonComputer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathon
 
Automatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face RecognitionAutomatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face Recognition
 
Intro to Neural Networks
Intro to Neural NetworksIntro to Neural Networks
Intro to Neural Networks
 

Recently uploaded

TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUK Journal
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slidespraypatel2
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Miguel Araújo
 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdfhans926745
 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...Martijn de Jong
 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsJoaquim Jorge
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024The Digital Insurer
 
Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024The Digital Insurer
 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEarley Information Science
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxMalak Abu Hammad
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘RTylerCroy
 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slidevu2urc
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerThousandEyes
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfEnterprise Knowledge
 
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024The Digital Insurer
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024The Digital Insurer
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking MenDelhi Call girls
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptxHampshireHUG
 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsEnterprise Knowledge
 

Recently uploaded (20)

TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slides
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf
 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...
 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and Myths
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024
 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptx
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘
 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slide
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
 
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI Solutions
 

Deep Neural Networks Presentation

  • 1. DEEP NEURAL NETWORKS FOR OBJECT DETECTION Sergey Nikolenko Steklov Institute of Mathematics at St. Petersburg September 24, 2017, Kharkiv, Ukraine
  • 2. ● Bird’s eye overview of deep learning ● Convolutional neural networks ● From CNN to object detection and segmentation ● Current state of the art ● Neuromation: synthetic data
  • 3. ● Neural networks started as models of actual neurons ● Very old idea (McCulloch, Pitts, 1943), there were actual hardware perceptrons in the 1950s ● Several “winters” and “springs”, but the 1980s already had all basic architectures that we use today ● But they couldn’t train them fast enough and on enough data Neural networks: a brief history
  • 4. The deep learning revolution ● 10 years ago machine learning underwent a deep learning revolution ● Since 2007-2008, we can train large and deep neural networks ● New ideas for training + GPUs + large datasets ● And now deep NNs yield state of the art results in many fields
  • 5. What is a deep neural network ● A neural network is a composition of functions ● Usually linear combination + nonlinearity ● These functions comprise a computational graph that computes the loss function for the model ● To train the model (learn the weights), you take the gradient of the loss function w.r.t. weights with backpropagation ● And then you can do (stochastic) gradient descent and variations
  • 6. ● Convolutional neural networks – specifically for image processing ● Also an old idea, LeCun’s group did it since late 1980s ● Inspired by the experiments of Hubel and Wiesel who understood (lower layers of) the visual cortex Convolutional neural networks
  • 7. Convolutional neural networks: idea ● Main idea: apply the same filters to different parts of the image. ● Break up the picture into windows:
  • 8. Processing a single tile Convolutional neural networks: idea ● Main idea: apply the same filters to different parts of the image. ● Apply a small neural network to each window:
  • 9. Convolutional neural networks: idea ● Main idea: apply the same filters to different parts of the image. ● Compress with max-pooling ● Then use the resulting features:
  • 10. Convolutional neural networks: idea ● We can also see which parts of the image activate a specific neuron, i.e., find out what the features do for specific images:
  • 11. ● СNNs were deep from the start – LeNet, late 1980s: ● And they started to grow quickly after the deep learning revolution – VGG: Deep CNNs
  • 12. Inception ● Network in network: the “small network” does not have to be trivial ● Inception: a special network in network architecture ● GoogLeNet: extra outputs for the error function from “halfway” the model
  • 13. ResNet ● Residual connections provide the free gradient flow needed for really deep networks
  • 14. ResNet led to the revolution of depth
  • 15. ImageNet ● Modern CNNs have hundreds of layers ● They usually train on ImageNet, a huge dataset for image classification: >10M images, >1M bounding boxes, all labeled by hand
  • 16. Object detection ● In practice we also need to know where the objects are ● PASCAL VOC dataset for segmentation: ● Relatively small, so recognition models are first trained on ImageNet
  • 17. YOLO ● YOLO: you only look once; look for bounding boxes and objects in one pass: ● YOLO v.2 has recently appeared and is one of the fastest and best object detectors right now
  • 18. YOLO ● Idea: split the image into an SxS grid. ● In each cell, predict both bounding boxes and class probabilities; then simply ● ● CNN architecture in YOLO is standard:
  • 19. Single Shot Detectors ● Further development of this idea: single-shot detectors (SSD) ● A single network that predicts several class labels and several corresponding positions for anchor boxes (bounding boxes of several predefined sizes).
  • 20. R-CNN ● R-CNN: Region-based ConvNet ● Find bounding boxes with some external algorithm (e.g., selective search) ● Then extract CNN features (from a CNN trained on ImageNet and fine-tuned on the necessary dataset) and classify
  • 21. R-CNN ● Visualizing regions of activation for a neuron from a high layer:
  • 22. Fast R-CNN ● But R-CNN has to be trained in several steps (first CNN, then SVM on CNN features, then bounding box regressors), very long, and recognition is very slow (47s per image even on a GPU!) ● The main reason is that we need to go through the CNN for every region ● Hence, Fast R-CNN makes RoI (region of interest) projection that collects features from a region. ● One pass of the main CNN for the whole image. ● Loss = classification error + bounding box regression error
  • 23. Faster R-CNN ● One more bottleneck left: selective search to choose bounding boxes. ● Faster R-CNN embeds it into the network too with a separate Region Proposal Network ● Evaluates each individual possibility from a set of predefined anchor boxes
  • 24. R-FCN ● We can cut the costs even further, getting rid of complicated layers to be computed on each region. ● R-FCN (Region-based Fully Convolutional Network) cuts the features from the very last layer, immediately before classification
  • 25. How they all compare
  • 26. How they all compare
  • 27. Mask R-CNN for image segmentation ● To get segmentation, just add a pixel-wise output layer
  • 28. ● But all of this still requires lots and lots of data ● The Neuromation approach: create synthetic data ourselves ● We create a 3D model for each object and render images to train on Synthetic data
  • 29. ● Synthetic data can have pixel perfect labeling, something humans can’t do ● And it is 100% correct and free Synthetic data
  • 30. ● Problem: we need to do transfer learning from synthetic images to real ones ● We are successfully solving this problem from both sides Transfer learning
  • 31. ● Retail Automation Lab needs to scale up synthetic data ● Challenge: 170000 SKU in the Russian retail catalogue only Next step
  • 32. OUR TEAM: Maxim Prasolov CEO Fedor Savchenko CTO Sergey Nikolenko Chief Research Officer Denis Popov Chief Information Officer Constantine Goltsev Investor / Chairman Andrew Rabinovich Adviser Yuri Kundin ICO Compliance Adviser Aleksey Spizhevoi Researcher Esther Katz VP of Communication Kiryl Truskovskyi Lead Researcher THANK YOU FOR YOUR ATTENTION!
  • 33. KNOWLEDGE MINING - A NEW ERA OF DISTRIBUTED COMPUTING THANK YOU!