SlideShare a Scribd company logo
2
Most read
5
Most read
6
Most read
Introduction to CNN Models:
DenseNet and MobileNet
Deep Learning (CS258)
By
Krishnakoumar C
M.Tech - Data Science (II – year)
Puducherry Technological University
1
DenseNet
What is DenseNet?
• Each layer receives feature maps from all
the preceding layers, and passes its
output to all subsequent layers.
• Feature maps received from other layers
are fused through concatenation, and not
through summation.
Why DenseNet?
• To improve declined accuracy caused by
vanishing gradient.
2
ResNet DenseNet
Key Advantage
• Reduces vanishing gradient problem.
• Stronger feature propagation.
• Feature reuse.
• Reduced parameter count.
DenseNet
Dense Connections
3
Why introduce Growth Rate?
• Growth rate (K) adds K features for each
layers on top of the global state.
Transition Layer (Convolution + Pooling)
• The layers between the dense blocks are
called transition layers.
• The growth rate k is the additional
number of channels for each layer.
• It consists of a batch-norm layer, 1x1
convolution followed by a 2x2
average pooling layer.
Resnet
A DenseNet Block
A DenseNet Architecture with 3 dense blocks
Drawbacks
• Data is replicated multiple times.
• It also suffers slight overfitting problem.
DenseNet
Dense Connections
4
Transition Layer (Convolution + Pooling)
• The layers between the dense blocks are
called transition layers.
• The growth rate k is the additional
number of channels for each layer.
• It consists of a batch-norm layer, 1x1
convolution followed by a 2x2
average pooling layer.
Resnet
A DenseNet Block
A Densenet Architecture with 3 dense blocks
Why introduce Growth Rate?
• Growth rate (K) adds K features for each
layers on top of the global state.
Drawbacks
• Data is replicated multiple times.
• It also suffers slight overfitting problem.
MobileNet
Why MobileNet?
• Low computation cost
• Useful for mobile and embedded vision
applications
Key Concepts
• Depth-wise separable Convolution
• Useful for mobile and embedded vision
applications
Computational cost = # Filter params x # Filter positions x # of filters
2160 = 3x3x3 x 4x4 x 5
Depthwise Separable Convolution
13 times
5
Drawbacks
• Performance is low.
• Eg: ResNet-50 has accuracy 81% in 30
epochs and MobileNet has accuracy 65%
in 100 epochs
MobileNet
Computational cost = # Filter params x # Filter positions x # of filters
432 = 3x3 x 4x4 x 3
Computational cost = # Filter params x # Filter positions x # of filters
240 = 1x1x3 x 4x4 x 5
Total Computational cost of Normal Convolution = 2160
Total Computational cost of MobileNet = 432 + 240 = 672
MobileNet v1 and Mobilenet v2
FC layer
or
softmax
layer
FC layer
or
softmax
layer
17 times
13 times
[2017]
[2018]
6
7
References
1. Howard, A. G., Zhu, M., Chen, B., Kalenichenko, D., Wang, W., Weyand, T., ... & Adam, H. (2017). Mobilenets:
Efficient convolutional neural networks for mobile vision applications. arXiv preprint arXiv:1704.04861.
2. Huang, G., Liu, Z., Van Der Maaten, L., & Weinberger, K. Q. (2017). Densely connected convolutional networks. In
Proceedings of the IEEE conference on computer vision and pattern recognition (pp. 4700-4708).
3. https://www.coursera.org/learn/convolutional-neural-networks/lecture/B1kPZ/mobilenet
4. https://www.pluralsight.com/guides/introduction-to-densenet-with-tensorflow
5. https://www.pluralsight.com/guides/introduction-to-resnet
6. https://medium.com/@godeep48/an-overview-on-mobilenet-an-efficient-mobile-vision-cnn-f301141db94d
7. https://d2l.ai/chapter_convolutional-modern/densenet.html
8. https://blog.paperspace.com/popular-deep-learning-architectures-densenet-mnasnet-shufflenet/
9. https://amaarora.github.io/2020/08/02/densenets.html
10. https://towardsdatascience.com/architecture-comparison-of-alexnet-vggnet-resnet-inception-densenet-
beb8b116866d
11. https://machinelearningmastery.com/introduction-to-1x1-convolutions-to-reduce-the-complexity-of-
convolutional-neural-networks/
12. https://medium.com/swlh/resnets-densenets-unets-6bbdbcfdf010
13. https://towardsdatascience.com/review-densenet-image-classification-b6631a8ef803

More Related Content

PPTX
Convolution Neural Network (CNN)
PDF
Autoencoders
PPTX
Support vector machines (svm)
PDF
PPTX
Image classification using cnn
PDF
Object detection and Instance Segmentation
PPTX
Convolutional Neural Network and Its Applications
Convolution Neural Network (CNN)
Autoencoders
Support vector machines (svm)
Image classification using cnn
Object detection and Instance Segmentation
Convolutional Neural Network and Its Applications

What's hot (20)

PPTX
Naive Bayes Classifier.pptx
PDF
Performance Metrics for Machine Learning Algorithms
PPTX
Convolutional neural networks
PPTX
Convolution Neural Network (CNN)
PDF
Densenet CNN
PDF
Convolutional neural network
PPT
Intro to Deep learning - Autoencoders
PDF
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
PDF
Deep Learning - Convolutional Neural Networks
PPTX
Convolutional Neural Networks
PDF
05 Classification And Prediction
PDF
Convolutional Neural Network Models - Deep Learning
PPTX
Introduction to CNN
PPTX
Swin transformer
PDF
Recurrent Neural Networks (RNN) | RNN LSTM | Deep Learning Tutorial | Tensorf...
PPTX
Image Classification using deep learning
PPTX
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
PPTX
Semantic Segmentation Methods using Deep Learning
PDF
Introduction to Recurrent Neural Network
PDF
Back Propagation Neural Network In AI PowerPoint Presentation Slide Templates...
Naive Bayes Classifier.pptx
Performance Metrics for Machine Learning Algorithms
Convolutional neural networks
Convolution Neural Network (CNN)
Densenet CNN
Convolutional neural network
Intro to Deep learning - Autoencoders
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
Deep Learning - Convolutional Neural Networks
Convolutional Neural Networks
05 Classification And Prediction
Convolutional Neural Network Models - Deep Learning
Introduction to CNN
Swin transformer
Recurrent Neural Networks (RNN) | RNN LSTM | Deep Learning Tutorial | Tensorf...
Image Classification using deep learning
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Semantic Segmentation Methods using Deep Learning
Introduction to Recurrent Neural Network
Back Propagation Neural Network In AI PowerPoint Presentation Slide Templates...
Ad

Similar to Introduction to CNN Models: DenseNet & MobileNet (20)

PDF
Architecture Design for Deep Neural Networks I
PDF
Efficient mobilenet architecture_as_image_recognit
PDF
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
PDF
MobileNet is the pretrained model in best.pdf
PDF
DLD meetup 2017, Efficient Deep Learning
PDF
CNN Algorithm
PPTX
Introduction to computer vision
PPTX
Introduction to computer vision with Convoluted Neural Networks
PDF
“Introduction to Computer Vision with Convolutional Neural Networks,” a Prese...
PPTX
Tìm hiểu về CNN và ResNet | Computer Vision
PPTX
conv_nets.pptx
PDF
Convolutional Neural Networks : Popular Architectures
PDF
Mobilenetv1 v2 slide
PDF
MobileNet - PR044
PPTX
Deep Learning in Low Power Devices
PDF
Low compute Convolution Neural Network models
PDF
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
PPTX
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
PDF
Deep Neural Networks Presentation
PDF
Convolution Neural Networks and Ensembles for Visually Impaired Aid.pdf
Architecture Design for Deep Neural Networks I
Efficient mobilenet architecture_as_image_recognit
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
MobileNet is the pretrained model in best.pdf
DLD meetup 2017, Efficient Deep Learning
CNN Algorithm
Introduction to computer vision
Introduction to computer vision with Convoluted Neural Networks
“Introduction to Computer Vision with Convolutional Neural Networks,” a Prese...
Tìm hiểu về CNN và ResNet | Computer Vision
conv_nets.pptx
Convolutional Neural Networks : Popular Architectures
Mobilenetv1 v2 slide
MobileNet - PR044
Deep Learning in Low Power Devices
Low compute Convolution Neural Network models
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
Deep Neural Networks Presentation
Convolution Neural Networks and Ensembles for Visually Impaired Aid.pdf
Ad

Recently uploaded (20)

PPTX
AI Strategy room jwfjksfksfjsjsjsjsjfsjfsj
PPTX
iec ppt-1 pptx icmr ppt on rehabilitation.pptx
PPT
Reliability_Chapter_ presentation 1221.5784
PPTX
1_Introduction to advance data techniques.pptx
PDF
Clinical guidelines as a resource for EBP(1).pdf
PDF
annual-report-2024-2025 original latest.
PPTX
ALIMENTARY AND BILIARY CONDITIONS 3-1.pptx
PPTX
advance b rammar.pptxfdgdfgdfsgdfgsdgfdfgdfgsdfgdfgdfg
PPTX
IBA_Chapter_11_Slides_Final_Accessible.pptx
PPTX
Qualitative Qantitative and Mixed Methods.pptx
PPTX
DISORDERS OF THE LIVER, GALLBLADDER AND PANCREASE (1).pptx
PDF
Recruitment and Placement PPT.pdfbjfibjdfbjfobj
PPTX
Introduction to Knowledge Engineering Part 1
PPTX
mbdjdhjjodule 5-1 rhfhhfjtjjhafbrhfnfbbfnb
PPTX
Supervised vs unsupervised machine learning algorithms
PPTX
Data_Analytics_and_PowerBI_Presentation.pptx
PPTX
climate analysis of Dhaka ,Banglades.pptx
PPTX
MODULE 8 - DISASTER risk PREPAREDNESS.pptx
PPTX
oil_refinery_comprehensive_20250804084928 (1).pptx
PPTX
Business Acumen Training GuidePresentation.pptx
AI Strategy room jwfjksfksfjsjsjsjsjfsjfsj
iec ppt-1 pptx icmr ppt on rehabilitation.pptx
Reliability_Chapter_ presentation 1221.5784
1_Introduction to advance data techniques.pptx
Clinical guidelines as a resource for EBP(1).pdf
annual-report-2024-2025 original latest.
ALIMENTARY AND BILIARY CONDITIONS 3-1.pptx
advance b rammar.pptxfdgdfgdfsgdfgsdgfdfgdfgsdfgdfgdfg
IBA_Chapter_11_Slides_Final_Accessible.pptx
Qualitative Qantitative and Mixed Methods.pptx
DISORDERS OF THE LIVER, GALLBLADDER AND PANCREASE (1).pptx
Recruitment and Placement PPT.pdfbjfibjdfbjfobj
Introduction to Knowledge Engineering Part 1
mbdjdhjjodule 5-1 rhfhhfjtjjhafbrhfnfbbfnb
Supervised vs unsupervised machine learning algorithms
Data_Analytics_and_PowerBI_Presentation.pptx
climate analysis of Dhaka ,Banglades.pptx
MODULE 8 - DISASTER risk PREPAREDNESS.pptx
oil_refinery_comprehensive_20250804084928 (1).pptx
Business Acumen Training GuidePresentation.pptx

Introduction to CNN Models: DenseNet & MobileNet

  • 1. Introduction to CNN Models: DenseNet and MobileNet Deep Learning (CS258) By Krishnakoumar C M.Tech - Data Science (II – year) Puducherry Technological University 1
  • 2. DenseNet What is DenseNet? • Each layer receives feature maps from all the preceding layers, and passes its output to all subsequent layers. • Feature maps received from other layers are fused through concatenation, and not through summation. Why DenseNet? • To improve declined accuracy caused by vanishing gradient. 2 ResNet DenseNet Key Advantage • Reduces vanishing gradient problem. • Stronger feature propagation. • Feature reuse. • Reduced parameter count.
  • 3. DenseNet Dense Connections 3 Why introduce Growth Rate? • Growth rate (K) adds K features for each layers on top of the global state. Transition Layer (Convolution + Pooling) • The layers between the dense blocks are called transition layers. • The growth rate k is the additional number of channels for each layer. • It consists of a batch-norm layer, 1x1 convolution followed by a 2x2 average pooling layer. Resnet A DenseNet Block A DenseNet Architecture with 3 dense blocks Drawbacks • Data is replicated multiple times. • It also suffers slight overfitting problem.
  • 4. DenseNet Dense Connections 4 Transition Layer (Convolution + Pooling) • The layers between the dense blocks are called transition layers. • The growth rate k is the additional number of channels for each layer. • It consists of a batch-norm layer, 1x1 convolution followed by a 2x2 average pooling layer. Resnet A DenseNet Block A Densenet Architecture with 3 dense blocks Why introduce Growth Rate? • Growth rate (K) adds K features for each layers on top of the global state. Drawbacks • Data is replicated multiple times. • It also suffers slight overfitting problem.
  • 5. MobileNet Why MobileNet? • Low computation cost • Useful for mobile and embedded vision applications Key Concepts • Depth-wise separable Convolution • Useful for mobile and embedded vision applications Computational cost = # Filter params x # Filter positions x # of filters 2160 = 3x3x3 x 4x4 x 5 Depthwise Separable Convolution 13 times 5 Drawbacks • Performance is low. • Eg: ResNet-50 has accuracy 81% in 30 epochs and MobileNet has accuracy 65% in 100 epochs
  • 6. MobileNet Computational cost = # Filter params x # Filter positions x # of filters 432 = 3x3 x 4x4 x 3 Computational cost = # Filter params x # Filter positions x # of filters 240 = 1x1x3 x 4x4 x 5 Total Computational cost of Normal Convolution = 2160 Total Computational cost of MobileNet = 432 + 240 = 672 MobileNet v1 and Mobilenet v2 FC layer or softmax layer FC layer or softmax layer 17 times 13 times [2017] [2018] 6
  • 7. 7 References 1. Howard, A. G., Zhu, M., Chen, B., Kalenichenko, D., Wang, W., Weyand, T., ... & Adam, H. (2017). Mobilenets: Efficient convolutional neural networks for mobile vision applications. arXiv preprint arXiv:1704.04861. 2. Huang, G., Liu, Z., Van Der Maaten, L., & Weinberger, K. Q. (2017). Densely connected convolutional networks. In Proceedings of the IEEE conference on computer vision and pattern recognition (pp. 4700-4708). 3. https://www.coursera.org/learn/convolutional-neural-networks/lecture/B1kPZ/mobilenet 4. https://www.pluralsight.com/guides/introduction-to-densenet-with-tensorflow 5. https://www.pluralsight.com/guides/introduction-to-resnet 6. https://medium.com/@godeep48/an-overview-on-mobilenet-an-efficient-mobile-vision-cnn-f301141db94d 7. https://d2l.ai/chapter_convolutional-modern/densenet.html 8. https://blog.paperspace.com/popular-deep-learning-architectures-densenet-mnasnet-shufflenet/ 9. https://amaarora.github.io/2020/08/02/densenets.html 10. https://towardsdatascience.com/architecture-comparison-of-alexnet-vggnet-resnet-inception-densenet- beb8b116866d 11. https://machinelearningmastery.com/introduction-to-1x1-convolutions-to-reduce-the-complexity-of- convolutional-neural-networks/ 12. https://medium.com/swlh/resnets-densenets-unets-6bbdbcfdf010 13. https://towardsdatascience.com/review-densenet-image-classification-b6631a8ef803