SlideShare a Scribd company logo
1 of 22
Background
Stack of Layers with Convolution, Subsampling and Nonlinearity Operations
Modern CNNs
 Convolution Layer
–Filtering of unimportant information and extraction of salient local feature.
 Subsampling Layer
–Introduction of local transition invariance, reduction of computation and enlargement of receptive field.
 Nonlinearity
–Increase of capacity to model more complex input-output relationship.
Mistake and Disaster
What Geoff. Hinton Says
“The pooling operation used in convolutional neural networks is a
big mistake and the fact that it works so well is a disaster.”
“Internal data representation of a convolutional neural network
does not take into account important spatial hierarchies
between simple and complex objects.”
 What our brain does when we see the world is ‘inverse graphics’
–Extraction of hierarchical representation of the visual information
–The representation is ‘equivariance’, not ‘invariance’ to changes in viewpoint
Computer Graphics vs Computer Vision
Inverse Graphical Approach
 Sub-sampling tries to make the neural activities invariant for small changes in viewpoint.
–This is a silly goal, motivated by the fact that the final label needs to be viewpoint-invariant.
 Its better to aim for equivariance: Changes in viewpoint lead to corresponding changes in neural activities.
–In the perceptual system, its the weights that code viewpoint-invariant knowledge, not the neural
activities.
Better Representation via Better Objective
Invariance vs Equivariance
Capsules
 Transitional invariance
–The output is unchanged by small shift of object or parts
 Reduction of input
–Allowing more types of feature in the next layer
 Bad fit to psychology of shape perception
–We have intrinsic coordinate frames to objects and use it while recognizing things.
 Solution to wrong problem
–We need equivariance not invariance. Disentangling rather than discarding.
 Fails to use underlying linear structure
–We need to make used of the natural linear manifold which will help us to extrapolate.
 Poor wary to do dynamic routing
–We need to route each part of the input to the neurons that know how to deal with it. Routing via most
active neuron is primitive.
Pros and Cons
Arguments on Pooling
 If a low-level part moves to a very different position it will be represented by a different capsule
–‘Place-coded’ equivariance
 If a part only moves a small distance it will be represented by the same capsule but the pose of outputs of
the capsule will change
–‘Rate-coded’ equivariance
 Higher-level capsules have bigger domains so low-level ‘place-coded’ equivariance gets converted into
high-level ‘rate-coded’ equivariance.
 Without sub-sampling, CNNs can give ‘place-coded’ equivariance for discrete translations.
Place-coding vs Rate-coding
Two types of equivariance
Representation
Image
Translated
Representation
Translated
Image
 Neuron
–The activation of a specific neuron
= the likelihood of specific feature in the input
image.
–We need specialized mechanism(e.g.
generative models) to make each neuron
represent parameters of feature.
Neuron vs Capsule
 Capsule
– A group of neurons which not only capture the
likelihood of specific features but also the
parameters related to the features.
–The magnitude of activity vector represents the
probability of detecting specific features and its
orientation represents its parameters or properties
(position, orientation, scale, deformation, color,
hue, texture …)
 Neuron
–The inputs of lower layers and the outputs of
upper layers are scalars.
–After aggregating inputs multiplied by weights,
nonlinearity function such as ReLU is applied.
Neuron vs Capsule
 Capsule
– The inputs of the lower layers and the outputs of
upper layers are vectors.
– Instead of using nonlinearity function such as
ReLU, we used squashing function.
 Prediction vector
–With the previous capsule output and transformation matrix , we computer prediction vector as
 The capsule output of next layer
–Then the capsule output of the next layer is computed as
, where
 Coupling coefficient
–Here, are called coupling coefficient which is trained with dynamic routing algorithm.
–We impose restriction that = 1 which is achieved by softmax function of relevancy or similarity
score which is initialized with zeros and progressively updated as follows(which reminds me of
Hebbian learning rule):
Participants in the Algorithm
Dynamic Routing Algorithm
 Routing Algorithm
–The pseudo-code of routing algorithm is as follows:
 Loss Function
–For each digit capsule , the loss function is margin loss as
where when digit is present and . The default
Routing Algorithm and Loss Function
Dynamic Routing Algorithm
 Model Architecture
 Reconstruction Regularization
–To encourage the digit capsule to encode instantiation parameters of the input digits, we add
reconstruction loss (with weight 0.0005) to margin loss using a decoder with 3 fully connected layers.
CapsNet for MNIST
The Architecture of Capsule Network
 Classification + Reconstruction in One Diagram
CapsNet for MNIST
The Architecture of Capsule Network
Experiments
 Prediction and Reconstruction Example
– = label, prediction, reconstruction target
 Classification Accuracy
MNIST Dataset
Hand-written Digit Classification
 Improvement of recognition performance on novel viewpoints
smallNORB Dataset
Object Recognition from Various Angle
Conclusion
 We can train better models with less training data which is quite beneficial for medical image analysis
where the annotations are scarce and expensive to get.
 We need to study more on how our brain works. Pure data-driven approach with overcomplex models
might be wasting some resource(both data and computations)
 The CapsNet is the combination of credit assignment mechanism of CNN and instantization parameter
learning of generative models.
 CapsNet is slower than CNN counterpart according to the routing update iterations.
 CpasNet has not yet proven its effectiveness in large-scale visual recognition problems such as
‘ImageNet’
 Each element in the activity vector does not always represent meaningful properties of input image
 Cosine similarity may not be the best measure of similarity between the predicted capsule output and
actual capsule output.
Departure from ‘Conventional Neural Networks’
Discussion
 Paper
– Original NIPS 2017 Paper : https://arxiv.org/abs/1710.09829
– ICLR 2018 Paper : https://openreview.net/pdf?id=HJWLfGWRb
 Video
– Geofrrey Hinton's talk - "What is wrong with convolutional neural nets?"
• https://www.youtube.com/watch?v=rTawFwUvnLE&feature=youtu.be
– Siraj Raval lecture - "Capsule Networks : An Improvement to Convolutional Networks"
• https://www.youtube.com/watch?v=VKoLGnq15RM&feature=youtu.be&t=13m59s
 Related News and Blog Posts
– https://medium.com/@pechyonkin/understanding-hintons-capsule-networks-part-i-intuition-b4b559d1159b
– https://hackernoon.com/what-is-a-capsnet-or-capsule-network-2bfbe48769cc
– https://www.nextobe.com/single-post/2017/11/02/CapsNetCapsule-Network
– https://www.wired.com/story/googles-ai-wizard-unveils-a-new-twist-on-neural-networks/
– https://jhui.github.io/2017/11/03/Dynamic-Routing-Between-Capsules/
 Implementation
– https://github.com/nishnik/CapsNet-PyTorch
– https://github.com/debarko/CapsNet-Tensorflow
– https://github.com/XifengGuo/CapsNet-Keras
– https://github.com/jaesik817/adv_attack_capsnet
References
hello@vuno.co
Putting the world’s medical data to work

More Related Content

What's hot

Artificial nueral network slideshare
Artificial nueral network slideshareArtificial nueral network slideshare
Artificial nueral network slideshareRed Innovators
 
Survey of Attention mechanism & Use in Computer Vision
Survey of Attention mechanism & Use in Computer VisionSurvey of Attention mechanism & Use in Computer Vision
Survey of Attention mechanism & Use in Computer VisionSwatiNarkhede1
 
Cluster Computing Seminar.
Cluster Computing Seminar.Cluster Computing Seminar.
Cluster Computing Seminar.Balvant Biradar
 
High performance computing with accelarators
High performance computing with accelaratorsHigh performance computing with accelarators
High performance computing with accelaratorsEmmanuel college
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNNNoura Hussein
 
Image classification using convolutional neural network
Image classification using convolutional neural networkImage classification using convolutional neural network
Image classification using convolutional neural networkKIRAN R
 
Vision Transformer(ViT) / An Image is Worth 16*16 Words: Transformers for Ima...
Vision Transformer(ViT) / An Image is Worth 16*16 Words: Transformers for Ima...Vision Transformer(ViT) / An Image is Worth 16*16 Words: Transformers for Ima...
Vision Transformer(ViT) / An Image is Worth 16*16 Words: Transformers for Ima...changedaeoh
 
ViT (Vision Transformer) Review [CDM]
ViT (Vision Transformer) Review [CDM]ViT (Vision Transformer) Review [CDM]
ViT (Vision Transformer) Review [CDM]Dongmin Choi
 
Computer Vision: Feature matching with RANSAC Algorithm
Computer Vision: Feature matching with RANSAC AlgorithmComputer Vision: Feature matching with RANSAC Algorithm
Computer Vision: Feature matching with RANSAC Algorithmallyn joy calcaben
 
Classifying Text using CNN
Classifying Text using CNNClassifying Text using CNN
Classifying Text using CNNSomnath Banerjee
 
Bio-inspired Algorithms for Evolving the Architecture of Convolutional Neural...
Bio-inspired Algorithms for Evolving the Architecture of Convolutional Neural...Bio-inspired Algorithms for Evolving the Architecture of Convolutional Neural...
Bio-inspired Algorithms for Evolving the Architecture of Convolutional Neural...Ashray Bhandare
 
PR-144: SqueezeNext: Hardware-Aware Neural Network Design
PR-144: SqueezeNext: Hardware-Aware Neural Network DesignPR-144: SqueezeNext: Hardware-Aware Neural Network Design
PR-144: SqueezeNext: Hardware-Aware Neural Network DesignJinwon Lee
 

What's hot (20)

Radial Basis Function
Radial Basis FunctionRadial Basis Function
Radial Basis Function
 
Artificial nueral network slideshare
Artificial nueral network slideshareArtificial nueral network slideshare
Artificial nueral network slideshare
 
Clustering - K-Means, DBSCAN
Clustering - K-Means, DBSCANClustering - K-Means, DBSCAN
Clustering - K-Means, DBSCAN
 
Survey of Attention mechanism & Use in Computer Vision
Survey of Attention mechanism & Use in Computer VisionSurvey of Attention mechanism & Use in Computer Vision
Survey of Attention mechanism & Use in Computer Vision
 
Cluster Computing Seminar.
Cluster Computing Seminar.Cluster Computing Seminar.
Cluster Computing Seminar.
 
Cluster computing
Cluster computingCluster computing
Cluster computing
 
High performance computing with accelarators
High performance computing with accelaratorsHigh performance computing with accelarators
High performance computing with accelarators
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
 
Yolo
YoloYolo
Yolo
 
Image classification using convolutional neural network
Image classification using convolutional neural networkImage classification using convolutional neural network
Image classification using convolutional neural network
 
Vision Transformer(ViT) / An Image is Worth 16*16 Words: Transformers for Ima...
Vision Transformer(ViT) / An Image is Worth 16*16 Words: Transformers for Ima...Vision Transformer(ViT) / An Image is Worth 16*16 Words: Transformers for Ima...
Vision Transformer(ViT) / An Image is Worth 16*16 Words: Transformers for Ima...
 
Cluster Computing
Cluster ComputingCluster Computing
Cluster Computing
 
EfficientNet
EfficientNetEfficientNet
EfficientNet
 
Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)
Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)
Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)
 
ViT (Vision Transformer) Review [CDM]
ViT (Vision Transformer) Review [CDM]ViT (Vision Transformer) Review [CDM]
ViT (Vision Transformer) Review [CDM]
 
Computer Vision: Feature matching with RANSAC Algorithm
Computer Vision: Feature matching with RANSAC AlgorithmComputer Vision: Feature matching with RANSAC Algorithm
Computer Vision: Feature matching with RANSAC Algorithm
 
Classifying Text using CNN
Classifying Text using CNNClassifying Text using CNN
Classifying Text using CNN
 
Bio-inspired Algorithms for Evolving the Architecture of Convolutional Neural...
Bio-inspired Algorithms for Evolving the Architecture of Convolutional Neural...Bio-inspired Algorithms for Evolving the Architecture of Convolutional Neural...
Bio-inspired Algorithms for Evolving the Architecture of Convolutional Neural...
 
PR-144: SqueezeNext: Hardware-Aware Neural Network Design
PR-144: SqueezeNext: Hardware-Aware Neural Network DesignPR-144: SqueezeNext: Hardware-Aware Neural Network Design
PR-144: SqueezeNext: Hardware-Aware Neural Network Design
 
Lstm covid 19 prediction
Lstm covid 19 predictionLstm covid 19 prediction
Lstm covid 19 prediction
 

Similar to Dynamic Routing Between Capsules

CAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATION
CAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATIONCAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATION
CAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATIONijaia
 
CAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATION
CAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATIONCAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATION
CAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATIONgerogepatton
 
Capsule Network Performance with Autonomous Navigation
Capsule Network Performance with Autonomous Navigation Capsule Network Performance with Autonomous Navigation
Capsule Network Performance with Autonomous Navigation gerogepatton
 
Fcv bio cv_cottrell
Fcv bio cv_cottrellFcv bio cv_cottrell
Fcv bio cv_cottrellzukun
 
Fcv bio cv_cottrell
Fcv bio cv_cottrellFcv bio cv_cottrell
Fcv bio cv_cottrellzukun
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentationOwin Will
 
Deep Neural Network DNN.docx
Deep Neural Network DNN.docxDeep Neural Network DNN.docx
Deep Neural Network DNN.docxjaffarbikat
 
Dynamic Routing Between Capsules.pdf
Dynamic Routing Between Capsules.pdfDynamic Routing Between Capsules.pdf
Dynamic Routing Between Capsules.pdfAbeerPareek1
 
Neural Architecture Search: Learning How to Learn
Neural Architecture Search: Learning How to LearnNeural Architecture Search: Learning How to Learn
Neural Architecture Search: Learning How to LearnKwanghee Choi
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspectiveAnirban Santara
 
Review-image-segmentation-by-deep-learning
Review-image-segmentation-by-deep-learningReview-image-segmentation-by-deep-learning
Review-image-segmentation-by-deep-learningTrong-An Bui
 
Dynamic routing between capsules - A brief presentation
Dynamic routing between capsules - A brief presentationDynamic routing between capsules - A brief presentation
Dynamic routing between capsules - A brief presentationRomain Sabathé
 
ML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptxML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptxDebabrataPain1
 
Neural Networks in Data Mining - “An Overview”
Neural Networks  in Data Mining -   “An Overview”Neural Networks  in Data Mining -   “An Overview”
Neural Networks in Data Mining - “An Overview”Dr.(Mrs).Gethsiyal Augasta
 
Unsupervised Object Detection
Unsupervised Object DetectionUnsupervised Object Detection
Unsupervised Object DetectionMahan Fathi
 

Similar to Dynamic Routing Between Capsules (20)

CAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATION
CAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATIONCAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATION
CAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATION
 
CAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATION
CAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATIONCAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATION
CAPSULE NETWORK PERFORMANCE WITH AUTONOMOUS NAVIGATION
 
Capsule Network Performance with Autonomous Navigation
Capsule Network Performance with Autonomous Navigation Capsule Network Performance with Autonomous Navigation
Capsule Network Performance with Autonomous Navigation
 
Fcv bio cv_cottrell
Fcv bio cv_cottrellFcv bio cv_cottrell
Fcv bio cv_cottrell
 
Fcv bio cv_cottrell
Fcv bio cv_cottrellFcv bio cv_cottrell
Fcv bio cv_cottrell
 
Tech talk
Tech talkTech talk
Tech talk
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentation
 
Deep Neural Network DNN.docx
Deep Neural Network DNN.docxDeep Neural Network DNN.docx
Deep Neural Network DNN.docx
 
Dynamic Routing Between Capsules.pdf
Dynamic Routing Between Capsules.pdfDynamic Routing Between Capsules.pdf
Dynamic Routing Between Capsules.pdf
 
Neural Architecture Search: Learning How to Learn
Neural Architecture Search: Learning How to LearnNeural Architecture Search: Learning How to Learn
Neural Architecture Search: Learning How to Learn
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspective
 
Mnist report ppt
Mnist report pptMnist report ppt
Mnist report ppt
 
Review-image-segmentation-by-deep-learning
Review-image-segmentation-by-deep-learningReview-image-segmentation-by-deep-learning
Review-image-segmentation-by-deep-learning
 
Mnist report
Mnist reportMnist report
Mnist report
 
Cnn
CnnCnn
Cnn
 
Dynamic routing between capsules - A brief presentation
Dynamic routing between capsules - A brief presentationDynamic routing between capsules - A brief presentation
Dynamic routing between capsules - A brief presentation
 
Lalal
LalalLalal
Lalal
 
ML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptxML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptx
 
Neural Networks in Data Mining - “An Overview”
Neural Networks  in Data Mining -   “An Overview”Neural Networks  in Data Mining -   “An Overview”
Neural Networks in Data Mining - “An Overview”
 
Unsupervised Object Detection
Unsupervised Object DetectionUnsupervised Object Detection
Unsupervised Object Detection
 

More from Kyuhwan Jung

(20180524) vuno seminar roc and extension
(20180524) vuno seminar   roc and extension(20180524) vuno seminar   roc and extension
(20180524) vuno seminar roc and extensionKyuhwan Jung
 
(20180715) ksiim gan in medical imaging - vuno - kyuhwan jung
(20180715) ksiim   gan in medical imaging - vuno - kyuhwan jung(20180715) ksiim   gan in medical imaging - vuno - kyuhwan jung
(20180715) ksiim gan in medical imaging - vuno - kyuhwan jungKyuhwan Jung
 
(20180728) kosaim workshop vuno - kyuhwan jung
(20180728) kosaim workshop   vuno - kyuhwan jung(20180728) kosaim workshop   vuno - kyuhwan jung
(20180728) kosaim workshop vuno - kyuhwan jungKyuhwan Jung
 
Generative Adversarial Networks and Their Medical Imaging Applications
Generative Adversarial Networks and Their Medical Imaging ApplicationsGenerative Adversarial Networks and Their Medical Imaging Applications
Generative Adversarial Networks and Their Medical Imaging ApplicationsKyuhwan Jung
 
(2017/06)Practical points of deep learning for medical imaging
(2017/06)Practical points of deep learning for medical imaging(2017/06)Practical points of deep learning for medical imaging
(2017/06)Practical points of deep learning for medical imagingKyuhwan Jung
 
Hello, Recommender System
Hello, Recommender SystemHello, Recommender System
Hello, Recommender SystemKyuhwan Jung
 

More from Kyuhwan Jung (6)

(20180524) vuno seminar roc and extension
(20180524) vuno seminar   roc and extension(20180524) vuno seminar   roc and extension
(20180524) vuno seminar roc and extension
 
(20180715) ksiim gan in medical imaging - vuno - kyuhwan jung
(20180715) ksiim   gan in medical imaging - vuno - kyuhwan jung(20180715) ksiim   gan in medical imaging - vuno - kyuhwan jung
(20180715) ksiim gan in medical imaging - vuno - kyuhwan jung
 
(20180728) kosaim workshop vuno - kyuhwan jung
(20180728) kosaim workshop   vuno - kyuhwan jung(20180728) kosaim workshop   vuno - kyuhwan jung
(20180728) kosaim workshop vuno - kyuhwan jung
 
Generative Adversarial Networks and Their Medical Imaging Applications
Generative Adversarial Networks and Their Medical Imaging ApplicationsGenerative Adversarial Networks and Their Medical Imaging Applications
Generative Adversarial Networks and Their Medical Imaging Applications
 
(2017/06)Practical points of deep learning for medical imaging
(2017/06)Practical points of deep learning for medical imaging(2017/06)Practical points of deep learning for medical imaging
(2017/06)Practical points of deep learning for medical imaging
 
Hello, Recommender System
Hello, Recommender SystemHello, Recommender System
Hello, Recommender System
 

Recently uploaded

Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionDr.Costas Sachpazis
 
Arduino_CSE ece ppt for working and principal of arduino.ppt
Arduino_CSE ece ppt for working and principal of arduino.pptArduino_CSE ece ppt for working and principal of arduino.ppt
Arduino_CSE ece ppt for working and principal of arduino.pptSAURABHKUMAR892774
 
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerStudy on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerAnamika Sarkar
 
Introduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptxIntroduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptxk795866
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile servicerehmti665
 
Vishratwadi & Ghorpadi Bridge Tender documents
Vishratwadi & Ghorpadi Bridge Tender documentsVishratwadi & Ghorpadi Bridge Tender documents
Vishratwadi & Ghorpadi Bridge Tender documentsSachinPawar510423
 
Concrete Mix Design - IS 10262-2019 - .pptx
Concrete Mix Design - IS 10262-2019 - .pptxConcrete Mix Design - IS 10262-2019 - .pptx
Concrete Mix Design - IS 10262-2019 - .pptxKartikeyaDwivedi3
 
UNIT III ANALOG ELECTRONICS (BASIC ELECTRONICS)
UNIT III ANALOG ELECTRONICS (BASIC ELECTRONICS)UNIT III ANALOG ELECTRONICS (BASIC ELECTRONICS)
UNIT III ANALOG ELECTRONICS (BASIC ELECTRONICS)Dr SOUNDIRARAJ N
 
Indian Dairy Industry Present Status and.ppt
Indian Dairy Industry Present Status and.pptIndian Dairy Industry Present Status and.ppt
Indian Dairy Industry Present Status and.pptMadan Karki
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfAsst.prof M.Gokilavani
 
Work Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvvWork Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvvLewisJB
 
An experimental study in using natural admixture as an alternative for chemic...
An experimental study in using natural admixture as an alternative for chemic...An experimental study in using natural admixture as an alternative for chemic...
An experimental study in using natural admixture as an alternative for chemic...Chandu841456
 
lifi-technology with integration of IOT.pptx
lifi-technology with integration of IOT.pptxlifi-technology with integration of IOT.pptx
lifi-technology with integration of IOT.pptxsomshekarkn64
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024Mark Billinghurst
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...VICTOR MAESTRE RAMIREZ
 
Earthing details of Electrical Substation
Earthing details of Electrical SubstationEarthing details of Electrical Substation
Earthing details of Electrical Substationstephanwindworld
 
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdfCCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdfAsst.prof M.Gokilavani
 

Recently uploaded (20)

Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
 
POWER SYSTEMS-1 Complete notes examples
POWER SYSTEMS-1 Complete notes  examplesPOWER SYSTEMS-1 Complete notes  examples
POWER SYSTEMS-1 Complete notes examples
 
Arduino_CSE ece ppt for working and principal of arduino.ppt
Arduino_CSE ece ppt for working and principal of arduino.pptArduino_CSE ece ppt for working and principal of arduino.ppt
Arduino_CSE ece ppt for working and principal of arduino.ppt
 
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerStudy on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
 
Introduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptxIntroduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptx
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile service
 
Vishratwadi & Ghorpadi Bridge Tender documents
Vishratwadi & Ghorpadi Bridge Tender documentsVishratwadi & Ghorpadi Bridge Tender documents
Vishratwadi & Ghorpadi Bridge Tender documents
 
Concrete Mix Design - IS 10262-2019 - .pptx
Concrete Mix Design - IS 10262-2019 - .pptxConcrete Mix Design - IS 10262-2019 - .pptx
Concrete Mix Design - IS 10262-2019 - .pptx
 
UNIT III ANALOG ELECTRONICS (BASIC ELECTRONICS)
UNIT III ANALOG ELECTRONICS (BASIC ELECTRONICS)UNIT III ANALOG ELECTRONICS (BASIC ELECTRONICS)
UNIT III ANALOG ELECTRONICS (BASIC ELECTRONICS)
 
Indian Dairy Industry Present Status and.ppt
Indian Dairy Industry Present Status and.pptIndian Dairy Industry Present Status and.ppt
Indian Dairy Industry Present Status and.ppt
 
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
 
Work Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvvWork Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvv
 
An experimental study in using natural admixture as an alternative for chemic...
An experimental study in using natural admixture as an alternative for chemic...An experimental study in using natural admixture as an alternative for chemic...
An experimental study in using natural admixture as an alternative for chemic...
 
lifi-technology with integration of IOT.pptx
lifi-technology with integration of IOT.pptxlifi-technology with integration of IOT.pptx
lifi-technology with integration of IOT.pptx
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...
 
Earthing details of Electrical Substation
Earthing details of Electrical SubstationEarthing details of Electrical Substation
Earthing details of Electrical Substation
 
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdfCCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
 

Dynamic Routing Between Capsules

  • 1.
  • 3. Stack of Layers with Convolution, Subsampling and Nonlinearity Operations Modern CNNs  Convolution Layer –Filtering of unimportant information and extraction of salient local feature.  Subsampling Layer –Introduction of local transition invariance, reduction of computation and enlargement of receptive field.  Nonlinearity –Increase of capacity to model more complex input-output relationship.
  • 4. Mistake and Disaster What Geoff. Hinton Says “The pooling operation used in convolutional neural networks is a big mistake and the fact that it works so well is a disaster.” “Internal data representation of a convolutional neural network does not take into account important spatial hierarchies between simple and complex objects.”
  • 5.  What our brain does when we see the world is ‘inverse graphics’ –Extraction of hierarchical representation of the visual information –The representation is ‘equivariance’, not ‘invariance’ to changes in viewpoint Computer Graphics vs Computer Vision Inverse Graphical Approach
  • 6.  Sub-sampling tries to make the neural activities invariant for small changes in viewpoint. –This is a silly goal, motivated by the fact that the final label needs to be viewpoint-invariant.  Its better to aim for equivariance: Changes in viewpoint lead to corresponding changes in neural activities. –In the perceptual system, its the weights that code viewpoint-invariant knowledge, not the neural activities. Better Representation via Better Objective Invariance vs Equivariance
  • 8.  Transitional invariance –The output is unchanged by small shift of object or parts  Reduction of input –Allowing more types of feature in the next layer  Bad fit to psychology of shape perception –We have intrinsic coordinate frames to objects and use it while recognizing things.  Solution to wrong problem –We need equivariance not invariance. Disentangling rather than discarding.  Fails to use underlying linear structure –We need to make used of the natural linear manifold which will help us to extrapolate.  Poor wary to do dynamic routing –We need to route each part of the input to the neurons that know how to deal with it. Routing via most active neuron is primitive. Pros and Cons Arguments on Pooling
  • 9.  If a low-level part moves to a very different position it will be represented by a different capsule –‘Place-coded’ equivariance  If a part only moves a small distance it will be represented by the same capsule but the pose of outputs of the capsule will change –‘Rate-coded’ equivariance  Higher-level capsules have bigger domains so low-level ‘place-coded’ equivariance gets converted into high-level ‘rate-coded’ equivariance.  Without sub-sampling, CNNs can give ‘place-coded’ equivariance for discrete translations. Place-coding vs Rate-coding Two types of equivariance Representation Image Translated Representation Translated Image
  • 10.  Neuron –The activation of a specific neuron = the likelihood of specific feature in the input image. –We need specialized mechanism(e.g. generative models) to make each neuron represent parameters of feature. Neuron vs Capsule  Capsule – A group of neurons which not only capture the likelihood of specific features but also the parameters related to the features. –The magnitude of activity vector represents the probability of detecting specific features and its orientation represents its parameters or properties (position, orientation, scale, deformation, color, hue, texture …)
  • 11.  Neuron –The inputs of lower layers and the outputs of upper layers are scalars. –After aggregating inputs multiplied by weights, nonlinearity function such as ReLU is applied. Neuron vs Capsule  Capsule – The inputs of the lower layers and the outputs of upper layers are vectors. – Instead of using nonlinearity function such as ReLU, we used squashing function.
  • 12.  Prediction vector –With the previous capsule output and transformation matrix , we computer prediction vector as  The capsule output of next layer –Then the capsule output of the next layer is computed as , where  Coupling coefficient –Here, are called coupling coefficient which is trained with dynamic routing algorithm. –We impose restriction that = 1 which is achieved by softmax function of relevancy or similarity score which is initialized with zeros and progressively updated as follows(which reminds me of Hebbian learning rule): Participants in the Algorithm Dynamic Routing Algorithm
  • 13.  Routing Algorithm –The pseudo-code of routing algorithm is as follows:  Loss Function –For each digit capsule , the loss function is margin loss as where when digit is present and . The default Routing Algorithm and Loss Function Dynamic Routing Algorithm
  • 14.  Model Architecture  Reconstruction Regularization –To encourage the digit capsule to encode instantiation parameters of the input digits, we add reconstruction loss (with weight 0.0005) to margin loss using a decoder with 3 fully connected layers. CapsNet for MNIST The Architecture of Capsule Network
  • 15.  Classification + Reconstruction in One Diagram CapsNet for MNIST The Architecture of Capsule Network
  • 17.  Prediction and Reconstruction Example – = label, prediction, reconstruction target  Classification Accuracy MNIST Dataset Hand-written Digit Classification
  • 18.  Improvement of recognition performance on novel viewpoints smallNORB Dataset Object Recognition from Various Angle
  • 20.  We can train better models with less training data which is quite beneficial for medical image analysis where the annotations are scarce and expensive to get.  We need to study more on how our brain works. Pure data-driven approach with overcomplex models might be wasting some resource(both data and computations)  The CapsNet is the combination of credit assignment mechanism of CNN and instantization parameter learning of generative models.  CapsNet is slower than CNN counterpart according to the routing update iterations.  CpasNet has not yet proven its effectiveness in large-scale visual recognition problems such as ‘ImageNet’  Each element in the activity vector does not always represent meaningful properties of input image  Cosine similarity may not be the best measure of similarity between the predicted capsule output and actual capsule output. Departure from ‘Conventional Neural Networks’ Discussion
  • 21.  Paper – Original NIPS 2017 Paper : https://arxiv.org/abs/1710.09829 – ICLR 2018 Paper : https://openreview.net/pdf?id=HJWLfGWRb  Video – Geofrrey Hinton's talk - "What is wrong with convolutional neural nets?" • https://www.youtube.com/watch?v=rTawFwUvnLE&feature=youtu.be – Siraj Raval lecture - "Capsule Networks : An Improvement to Convolutional Networks" • https://www.youtube.com/watch?v=VKoLGnq15RM&feature=youtu.be&t=13m59s  Related News and Blog Posts – https://medium.com/@pechyonkin/understanding-hintons-capsule-networks-part-i-intuition-b4b559d1159b – https://hackernoon.com/what-is-a-capsnet-or-capsule-network-2bfbe48769cc – https://www.nextobe.com/single-post/2017/11/02/CapsNetCapsule-Network – https://www.wired.com/story/googles-ai-wizard-unveils-a-new-twist-on-neural-networks/ – https://jhui.github.io/2017/11/03/Dynamic-Routing-Between-Capsules/  Implementation – https://github.com/nishnik/CapsNet-PyTorch – https://github.com/debarko/CapsNet-Tensorflow – https://github.com/XifengGuo/CapsNet-Keras – https://github.com/jaesik817/adv_attack_capsnet References
  • 22. hello@vuno.co Putting the world’s medical data to work

Editor's Notes

  1. 아산병원 2700병상, 유동인구 5만
  2. https://hackernoon.com/what-is-a-capsnet-or-capsule-network-2bfbe48769cc
  3. https://medium.com/@pechyonkin/understanding-hintons-capsule-networks-part-i-intuition-b4b559d1159b https://hackernoon.com/what-is-a-capsnet-or-capsule-network-2bfbe48769cc
  4. http://aboutintelligence.blogspot.kr/2009/01/computer-vision-vs-computer-graphics.html https://www.slideshare.net/horizongir/sprite-rendering 그러니까 CNN은 Translation이나 Rotation에 Feature가 Invariant하도록 강제하는 것인데 이것이 자연스러운 것이냐? 이렇게 하기 위해 너무 많은 데이터가 필요하다. (모든 각도에서 바라본 자동차 사진) Sub-sampling tries to make the neural activities invariant for small changes in viewpoint. – This is a silly goal, motivated by the fact that the final label needs to be viewpoint-invariant. • Its better to aim for equivariance: Changes in viewpoint lead to corresponding changes in neural activities. – In the perceptual system, its the weights that code viewpoint-invariant knowledge, not the neural activities.
  5. http://cseweb.ucsd.edu/~gary/cs200/s12/Hinton.pdf https://medium.com/@pechyonkin/understanding-hintons-capsule-networks-part-i-intuition-b4b559d1159b
  6. 아산병원 2700병상, 유동인구 5만
  7. Part의 큰 변화는 다른 Object를 의미할 수 있음. Part의 작은 변화는 Pose의 변화일 수 있음. 따라서 Low-level Place coding의 변화는 Rate를 바꿀 수 있음.
  8. 아산병원 2700병상, 유동인구 5만
  9. https://openreview.net/pdf?id=HJWLfGWRb
  10. 아산병원 2700병상, 유동인구 5만