SlideShare a Scribd company logo
1 of 55
Download to read offline
Finding the best solution for
Image Processing
Presented By : Pranjut Gogoi & Shubham
Goyal
2
Our Agenda
01 Image Processing history
02 Different Approaches
03 Residual Neural Networks
04 Performances
05 Ongoing researches
3
About Knoldus MachineX
MachineX is a group of data wizards.
We are a team of Data Scientist and engineers with a
product mindset who deliver competitive business
advantage.
4
An Intelligent
Meeting Assistant
Application
Record Videos
View DashBoard
5
6
An Intelligent
marketing tool
FishEye
FishEye
7
Machine learning library
in scala
KSAI
8
Enable organizations to
capture new value
and business capabilities
Innovation Labs
Consistently blogging, to
share our knowledge,
research
Blogs
Deeplearning, Coursera,
Stanford certified
professionals
Certifications
Insight & perspective to help
you to make right business
decisions
TOK Sessions
It’s great to contribute back
to the community. We
continuously advance open
source technologies to meet
demanding business
requirements.
Open Source
Contribution
Finding the best solution for
Image Processing
10
Image processing
11
Image processing History
Traditional way
12
Traditional Way
Traditional pipeline for image classification involves two
modules
● Feature extraction
● Classification
13
Problems
The problem with this pipeline
● Feature extraction cannot be tweaked according to
the classes and images
● Completely different from how we humans learn to
recognize things.
Convolutional Neural Network
(CNN, or ConvNet)
15
● Convolutional base
● Classifier
Transfer learning
17
The Application of
skills, knowledge,
and/or attitudes that
were learned in one
situation to another
learning situation
transfer learning is usually
expressed through the use of
pre-trained models
18
19
Problems
The problem was
● less learned rate in each generation
● Number of knowledge amount passed down was
less
20
21
Difference
Understanding various architectures of
Convolutional Networks
ResNet, AlexNet, VGGNet, Inception
23
ImageNet Large Scale Visual Recognition Challenge
(ILSVRC)
CNN architectures of ILSVRC
top competitors
24
AlexNet
● 5 Convolutional (CONV) layers and 3 Fully Connected (FC) layers
● 62 million trainable variables
25
AlexNet
26
AlexNet
● Data augmentation is carried out to reduce overfitting
● Used Relu which achieved 25% error rate about 6 times faster
than the same network with tanh nonlinearity.
● AlexNet introduced Local Response Normalization (LRN) to
help with the vanishing gradient problem
27
VGGNet
● VGG16 has a total of 138 million parameters
● Conv kernels are of size 3x3 and maxpool kernels are of size 2x2 with
stride of two
28
VGGNet
29
VGGNet
● It is painfully slow to train.
● Spatial pooling is carried out by five max-pooling layers, which
follow some of the conv. layers
30
ResNet : Deep Residual learning
32
Hierarchical Features and role of Depth
● Low, Mid , and High-level features
● More layers enrich the “levels” of the features
● Previous ImageNet models have depths of 16 and 30
layers
Is learning better networks as easy as
stacking more layers ?
34
Adding layers to deep
Convolutional neural nets
35
Construction Insight
● Consider a shallow architecture and its deeper
counterpart
● The deeper model would would just need to copy the
shallower model with identity mapping
● Construction solution suggests that a deeper model
should produce no higher training error that its shallow
counterpart
36
Residual Functions
● We explicitly reformulate the layers as learning residual functions
with reference to the layer inputs, instead of learning
unreferenced functions
● H[x] = F[x] + x
37
38
Residual vs Plain
39
Experiment
● 152 layer Layers on ImageNet
○ 8* Deeper than VGGNet
○ Less parameters
● ResNet achieve 3.57% error on Imagenet test
○ 1st place in ILSVRC
40
Results
● AlexNet and ResNet-152, both have about 60M parameters but there is
about 10% difference in their top-5 accuracy
● VGGNet not only has a higher number of parameters and FLOP as compared
to ResNet-152, but also has a decreased accuracy
● Training an AlexNet takes about the same time as training Inception (10
times less memory requirements)
41
Clinic Assistant
● Notebook http://bit.ly/2D2LOQT
● Web App https://virtual-clinic.onrender.com
42
History and its importance
● Origin of CNN(1980s-1999)
● Stagnation of CNN(Early 2000)
● Revival of CNN (2006-2011)
● Rise of CNN (2012-2014)
● Rapid increase in Architectural Innovations (2015-present)
● Important because we are not done yet.
43
Taxonomy of deep CNN
44
Spatial Exploitation based CNNs
● LeNet
● AlexNet
● ZefNet
● VGG
● GoogleNet
45
Depth based CNNs
● Highway Networks
● ResNet
● Inception-V3/V4
● Inception-ResNet
● ResNext
46
Multi-path based CNNs
● Highway Nets
● ResNet
● DenseNet
47
Width based CNNs
● WideResNet
● Pyramidal Net
● Xception
● Inception Family
48
Feature map exploitation based CNNs
● Squeeze and Excitation
● Competitive Squeeze and Excitation
49
Channel boosting
● Channel boosted using TL
50
Attention based CNNs
● Residual Attention Neural Network
● Convolutional block attention
● Concurrent Squeeze and Excitation
51
Improvement summary
● Learning capacity of CNN is significantly improved over
the years by exploiting depth and other structural
modifications.
○ Activation, loss function, optimization, regularization,
learning algorithms, and restructuring of processing
units.
● Major improvement on CNN
○ Main boost in CNN performance has been achieved by
replacing the conventional layer structure with blocks
52
Challenge Exists
● Deep NN are generally like a black box and thus may lack
in interpretation and explanation
● Each layer of CNN automatically tries to extract better and
problem specific features related to the task
● Deep CNNs are based on supervised learning
mechanism, and therefore, availability of a large and
annotated data is required for its proper learning
● Hyperparameter selection highly influences the
performance of CNN
● Efficient training of CNN demands powerful hardware
resources such as GPUs.
53
Future of research
● Ensemble learning
● Attention modeling
● Generative learning
54
References
● [1]. A. Krizhevsky, I. Sutskever, and G. E. Hinton. Imagenet classification with deep convolutional
neural networks. In Advances in neural information processing systems,pages 1097–1105,2012.
● [2]. K. He, X. Zhang, S. Ren, and J. Sun. Deep residual learning for image recognition. arXiv preprint
arXiv:1512.03385,2015.
● [3]. K. Simonyan and A. Zisserman. Very deep convolutional networks for large-scale image
recognition. arXiv preprint arXiv:1409.1556,2014.
● [4]. C. Szegedy, W. Liu, Y. Jia, P. Sermanet, S. Reed, D. Anguelov, D. Erhan, V. Vanhoucke, and A.
Rabinovich. Going deeper with convolutions. In Proceedings of the IEEE Conference on
Computer Vision and Pattern Recognition,pages 1–9,2015.
● https://arxiv.org/pdf/1901.06032.pdf
55
Thank You

More Related Content

What's hot

What's hot (20)

PR-120: ShuffleNet V2: Practical Guidelines for Efficient CNN Architecture De...
PR-120: ShuffleNet V2: Practical Guidelines for Efficient CNN Architecture De...PR-120: ShuffleNet V2: Practical Guidelines for Efficient CNN Architecture De...
PR-120: ShuffleNet V2: Practical Guidelines for Efficient CNN Architecture De...
 
PR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks
PR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural NetworksPR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks
PR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks
 
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
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
 
PR-217: EfficientDet: Scalable and Efficient Object Detection
PR-217: EfficientDet: Scalable and Efficient Object DetectionPR-217: EfficientDet: Scalable and Efficient Object Detection
PR-217: EfficientDet: Scalable and Efficient Object Detection
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object DetectorPR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 
CNN
CNNCNN
CNN
 
PR095: Modularity Matters: Learning Invariant Relational Reasoning Tasks
PR095: Modularity Matters: Learning Invariant Relational Reasoning TasksPR095: Modularity Matters: Learning Invariant Relational Reasoning Tasks
PR095: Modularity Matters: Learning Invariant Relational Reasoning Tasks
 
Visualizaing and understanding convolutional networks
Visualizaing and understanding convolutional networksVisualizaing and understanding convolutional networks
Visualizaing and understanding convolutional networks
 
PR-155: Exploring Randomly Wired Neural Networks for Image Recognition
PR-155: Exploring Randomly Wired Neural Networks for Image RecognitionPR-155: Exploring Randomly Wired Neural Networks for Image Recognition
PR-155: Exploring Randomly Wired Neural Networks for Image Recognition
 
Deep learning
Deep learningDeep learning
Deep learning
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
 
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networks
 
Introduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural Networks
 
Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1
 

Similar to Finding the best solution for Image Processing

(Im2col)accelerating deep neural networks on low power heterogeneous architec...
(Im2col)accelerating deep neural networks on low power heterogeneous architec...(Im2col)accelerating deep neural networks on low power heterogeneous architec...
(Im2col)accelerating deep neural networks on low power heterogeneous architec...
Bomm Kim
 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
PyData
 
ICLR 2020 Recap
ICLR 2020 RecapICLR 2020 Recap
ICLR 2020 Recap
Sri Ambati
 

Similar to Finding the best solution for Image Processing (20)

State-of-the-art Image Processing across all domains
State-of-the-art Image Processing across all domainsState-of-the-art Image Processing across all domains
State-of-the-art Image Processing across all domains
 
Training and deploying an image classification model
Training and deploying an image classification modelTraining and deploying an image classification model
Training and deploying an image classification model
 
KaoNet: Face Recognition and Generation App using Deep Learning
KaoNet: Face Recognition and Generation App using Deep LearningKaoNet: Face Recognition and Generation App using Deep Learning
KaoNet: Face Recognition and Generation App using Deep Learning
 
EfficientNet
EfficientNetEfficientNet
EfficientNet
 
Deep Learning Initiative @ NECSTLab
Deep Learning Initiative @ NECSTLabDeep Learning Initiative @ NECSTLab
Deep Learning Initiative @ NECSTLab
 
GNR638_Course Project for spring semester
GNR638_Course Project for spring semesterGNR638_Course Project for spring semester
GNR638_Course Project for spring semester
 
Transfer Learning: Breve introducción a modelos pre-entrenados.
Transfer Learning: Breve introducción a modelos pre-entrenados.Transfer Learning: Breve introducción a modelos pre-entrenados.
Transfer Learning: Breve introducción a modelos pre-entrenados.
 
Convolutional neural networks 이론과 응용
Convolutional neural networks 이론과 응용Convolutional neural networks 이론과 응용
Convolutional neural networks 이론과 응용
 
GNR638_project ppt.pdf
GNR638_project ppt.pdfGNR638_project ppt.pdf
GNR638_project ppt.pdf
 
DLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep LearningDLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep Learning
 
(Im2col)accelerating deep neural networks on low power heterogeneous architec...
(Im2col)accelerating deep neural networks on low power heterogeneous architec...(Im2col)accelerating deep neural networks on low power heterogeneous architec...
(Im2col)accelerating deep neural networks on low power heterogeneous architec...
 
Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)
 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
 
Entity embeddings for categorical data
Entity embeddings for categorical dataEntity embeddings for categorical data
Entity embeddings for categorical data
 
A Survey on Image Processing using CNN in Deep Learning
A Survey on Image Processing using CNN in Deep LearningA Survey on Image Processing using CNN in Deep Learning
A Survey on Image Processing using CNN in Deep Learning
 
FINAL_Team_4.pptx
FINAL_Team_4.pptxFINAL_Team_4.pptx
FINAL_Team_4.pptx
 
CNN.pptx.pdf
CNN.pptx.pdfCNN.pptx.pdf
CNN.pptx.pdf
 
ICLR 2020 Recap
ICLR 2020 RecapICLR 2020 Recap
ICLR 2020 Recap
 
Deep learning health care
Deep learning health care  Deep learning health care
Deep learning health care
 
Reservoir computing fast deep learning for sequences
Reservoir computing   fast deep learning for sequencesReservoir computing   fast deep learning for sequences
Reservoir computing fast deep learning for sequences
 

More from Tech Triveni

Why should a Java programmer shifts towards Functional Programming Paradigm
Why should a Java programmer shifts towards Functional Programming ParadigmWhy should a Java programmer shifts towards Functional Programming Paradigm
Why should a Java programmer shifts towards Functional Programming Paradigm
Tech Triveni
 
Programmatic Ad Tracking: Let the power of Reactive Microservices do talking
Programmatic Ad Tracking: Let the power of Reactive Microservices do talkingProgrammatic Ad Tracking: Let the power of Reactive Microservices do talking
Programmatic Ad Tracking: Let the power of Reactive Microservices do talking
Tech Triveni
 
Observability at scale with Neural Networks: A more proactive approach
Observability at scale with Neural Networks: A more proactive approachObservability at scale with Neural Networks: A more proactive approach
Observability at scale with Neural Networks: A more proactive approach
Tech Triveni
 
Semi-Supervised Insight Generation from Petabyte Scale Text Data
Semi-Supervised Insight Generation from Petabyte Scale Text DataSemi-Supervised Insight Generation from Petabyte Scale Text Data
Semi-Supervised Insight Generation from Petabyte Scale Text Data
Tech Triveni
 
Proximity Targeting at Scale using Big Data Platforms
Proximity Targeting at Scale using Big Data PlatformsProximity Targeting at Scale using Big Data Platforms
Proximity Targeting at Scale using Big Data Platforms
Tech Triveni
 
Becoming a Functional Programmer - Harit Himanshu (Nomis Solutions)
Becoming a Functional Programmer - Harit Himanshu (Nomis Solutions)Becoming a Functional Programmer - Harit Himanshu (Nomis Solutions)
Becoming a Functional Programmer - Harit Himanshu (Nomis Solutions)
Tech Triveni
 

More from Tech Triveni (20)

UI Dev in Big data world using open source
UI Dev in Big data world using open sourceUI Dev in Big data world using open source
UI Dev in Big data world using open source
 
Why should a Java programmer shifts towards Functional Programming Paradigm
Why should a Java programmer shifts towards Functional Programming ParadigmWhy should a Java programmer shifts towards Functional Programming Paradigm
Why should a Java programmer shifts towards Functional Programming Paradigm
 
Reactive - Is it really a Magic Pill?
Reactive - Is it really a Magic Pill?Reactive - Is it really a Magic Pill?
Reactive - Is it really a Magic Pill?
 
Let’s go reactive with JAVA
Let’s go reactive with JAVALet’s go reactive with JAVA
Let’s go reactive with JAVA
 
Tackling Asynchrony with Kotlin Coroutines
Tackling Asynchrony with Kotlin CoroutinesTackling Asynchrony with Kotlin Coroutines
Tackling Asynchrony with Kotlin Coroutines
 
Programmatic Ad Tracking: Let the power of Reactive Microservices do talking
Programmatic Ad Tracking: Let the power of Reactive Microservices do talkingProgrammatic Ad Tracking: Let the power of Reactive Microservices do talking
Programmatic Ad Tracking: Let the power of Reactive Microservices do talking
 
Let's refine your Scala Code
Let's refine your Scala CodeLet's refine your Scala Code
Let's refine your Scala Code
 
Supercharged imperative programming with Haskell and Functional Programming
Supercharged imperative programming with Haskell and Functional ProgrammingSupercharged imperative programming with Haskell and Functional Programming
Supercharged imperative programming with Haskell and Functional Programming
 
Observability at scale with Neural Networks: A more proactive approach
Observability at scale with Neural Networks: A more proactive approachObservability at scale with Neural Networks: A more proactive approach
Observability at scale with Neural Networks: A more proactive approach
 
Semi-Supervised Insight Generation from Petabyte Scale Text Data
Semi-Supervised Insight Generation from Petabyte Scale Text DataSemi-Supervised Insight Generation from Petabyte Scale Text Data
Semi-Supervised Insight Generation from Petabyte Scale Text Data
 
Proximity Targeting at Scale using Big Data Platforms
Proximity Targeting at Scale using Big Data PlatformsProximity Targeting at Scale using Big Data Platforms
Proximity Targeting at Scale using Big Data Platforms
 
Effecting Pure Change - How anything ever gets done in functional programming...
Effecting Pure Change - How anything ever gets done in functional programming...Effecting Pure Change - How anything ever gets done in functional programming...
Effecting Pure Change - How anything ever gets done in functional programming...
 
Becoming a Functional Programmer - Harit Himanshu (Nomis Solutions)
Becoming a Functional Programmer - Harit Himanshu (Nomis Solutions)Becoming a Functional Programmer - Harit Himanshu (Nomis Solutions)
Becoming a Functional Programmer - Harit Himanshu (Nomis Solutions)
 
Live coding session on AI / ML using Google Tensorflow (Python) - Tanmoy Deb ...
Live coding session on AI / ML using Google Tensorflow (Python) - Tanmoy Deb ...Live coding session on AI / ML using Google Tensorflow (Python) - Tanmoy Deb ...
Live coding session on AI / ML using Google Tensorflow (Python) - Tanmoy Deb ...
 
Distributing the SMACK stack - Kubernetes VS DCOS - Sahil Sawhney (Knoldus Inc.)
Distributing the SMACK stack - Kubernetes VS DCOS - Sahil Sawhney (Knoldus Inc.)Distributing the SMACK stack - Kubernetes VS DCOS - Sahil Sawhney (Knoldus Inc.)
Distributing the SMACK stack - Kubernetes VS DCOS - Sahil Sawhney (Knoldus Inc.)
 
Blue Pill / Red Pill : The Matrix of thousands of data streams - Himanshu Gup...
Blue Pill / Red Pill : The Matrix of thousands of data streams - Himanshu Gup...Blue Pill / Red Pill : The Matrix of thousands of data streams - Himanshu Gup...
Blue Pill / Red Pill : The Matrix of thousands of data streams - Himanshu Gup...
 
UX in Big Data Analytics - Paramjit Jolly (Guavus)
UX in Big Data Analytics - Paramjit Jolly (Guavus)UX in Big Data Analytics - Paramjit Jolly (Guavus)
UX in Big Data Analytics - Paramjit Jolly (Guavus)
 
Simplified Scala Monads And Transformation - Harmeet Singh (Knoldus Inc.)
Simplified Scala Monads And Transformation - Harmeet Singh (Knoldus Inc.)Simplified Scala Monads And Transformation - Harmeet Singh (Knoldus Inc.)
Simplified Scala Monads And Transformation - Harmeet Singh (Knoldus Inc.)
 
Micro Frontends Architecture - Jitendra kumawat (Guavus)
Micro Frontends Architecture - Jitendra kumawat (Guavus)Micro Frontends Architecture - Jitendra kumawat (Guavus)
Micro Frontends Architecture - Jitendra kumawat (Guavus)
 
Apache CarbonData+Spark to realize data convergence and Unified high performa...
Apache CarbonData+Spark to realize data convergence and Unified high performa...Apache CarbonData+Spark to realize data convergence and Unified high performa...
Apache CarbonData+Spark to realize data convergence and Unified high performa...
 

Recently uploaded

Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire business
panagenda
 
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
?#DUbAI#??##{{(☎️+971_581248768%)**%*]'#abortion pills for sale in dubai@
 

Recently uploaded (20)

Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire business
 
Corporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptxCorporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptx
 
A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?
 
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024
 
Apidays Singapore 2024 - Scalable LLM APIs for AI and Generative AI Applicati...
Apidays Singapore 2024 - Scalable LLM APIs for AI and Generative AI Applicati...Apidays Singapore 2024 - Scalable LLM APIs for AI and Generative AI Applicati...
Apidays Singapore 2024 - Scalable LLM APIs for AI and Generative AI Applicati...
 
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data DiscoveryTrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
 
ICT role in 21st century education and its challenges
ICT role in 21st century education and its challengesICT role in 21st century education and its challenges
ICT role in 21st century education and its challenges
 
DBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor PresentationDBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor Presentation
 
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
 
Real Time Object Detection Using Open CV
Real Time Object Detection Using Open CVReal Time Object Detection Using Open CV
Real Time Object Detection Using Open CV
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processors
 
Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...
 
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...
 
"I see eyes in my soup": How Delivery Hero implemented the safety system for ...
"I see eyes in my soup": How Delivery Hero implemented the safety system for ..."I see eyes in my soup": How Delivery Hero implemented the safety system for ...
"I see eyes in my soup": How Delivery Hero implemented the safety system for ...
 
Artificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : UncertaintyArtificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : Uncertainty
 
Strategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherStrategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a Fresher
 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)
 
A Beginners Guide to Building a RAG App Using Open Source Milvus
A Beginners Guide to Building a RAG App Using Open Source MilvusA Beginners Guide to Building a RAG App Using Open Source Milvus
A Beginners Guide to Building a RAG App Using Open Source Milvus
 

Finding the best solution for Image Processing

  • 1. Finding the best solution for Image Processing Presented By : Pranjut Gogoi & Shubham Goyal
  • 2. 2 Our Agenda 01 Image Processing history 02 Different Approaches 03 Residual Neural Networks 04 Performances 05 Ongoing researches
  • 3. 3 About Knoldus MachineX MachineX is a group of data wizards. We are a team of Data Scientist and engineers with a product mindset who deliver competitive business advantage.
  • 5. 5
  • 8. 8 Enable organizations to capture new value and business capabilities Innovation Labs Consistently blogging, to share our knowledge, research Blogs Deeplearning, Coursera, Stanford certified professionals Certifications Insight & perspective to help you to make right business decisions TOK Sessions It’s great to contribute back to the community. We continuously advance open source technologies to meet demanding business requirements. Open Source Contribution
  • 9. Finding the best solution for Image Processing
  • 12. 12 Traditional Way Traditional pipeline for image classification involves two modules ● Feature extraction ● Classification
  • 13. 13 Problems The problem with this pipeline ● Feature extraction cannot be tweaked according to the classes and images ● Completely different from how we humans learn to recognize things.
  • 17. 17 The Application of skills, knowledge, and/or attitudes that were learned in one situation to another learning situation transfer learning is usually expressed through the use of pre-trained models
  • 18. 18
  • 19. 19 Problems The problem was ● less learned rate in each generation ● Number of knowledge amount passed down was less
  • 20. 20
  • 22. Understanding various architectures of Convolutional Networks ResNet, AlexNet, VGGNet, Inception
  • 23. 23 ImageNet Large Scale Visual Recognition Challenge (ILSVRC) CNN architectures of ILSVRC top competitors
  • 24. 24 AlexNet ● 5 Convolutional (CONV) layers and 3 Fully Connected (FC) layers ● 62 million trainable variables
  • 26. 26 AlexNet ● Data augmentation is carried out to reduce overfitting ● Used Relu which achieved 25% error rate about 6 times faster than the same network with tanh nonlinearity. ● AlexNet introduced Local Response Normalization (LRN) to help with the vanishing gradient problem
  • 27. 27 VGGNet ● VGG16 has a total of 138 million parameters ● Conv kernels are of size 3x3 and maxpool kernels are of size 2x2 with stride of two
  • 29. 29 VGGNet ● It is painfully slow to train. ● Spatial pooling is carried out by five max-pooling layers, which follow some of the conv. layers
  • 30. 30
  • 31. ResNet : Deep Residual learning
  • 32. 32 Hierarchical Features and role of Depth ● Low, Mid , and High-level features ● More layers enrich the “levels” of the features ● Previous ImageNet models have depths of 16 and 30 layers
  • 33. Is learning better networks as easy as stacking more layers ?
  • 34. 34 Adding layers to deep Convolutional neural nets
  • 35. 35 Construction Insight ● Consider a shallow architecture and its deeper counterpart ● The deeper model would would just need to copy the shallower model with identity mapping ● Construction solution suggests that a deeper model should produce no higher training error that its shallow counterpart
  • 36. 36 Residual Functions ● We explicitly reformulate the layers as learning residual functions with reference to the layer inputs, instead of learning unreferenced functions ● H[x] = F[x] + x
  • 37. 37
  • 39. 39 Experiment ● 152 layer Layers on ImageNet ○ 8* Deeper than VGGNet ○ Less parameters ● ResNet achieve 3.57% error on Imagenet test ○ 1st place in ILSVRC
  • 40. 40 Results ● AlexNet and ResNet-152, both have about 60M parameters but there is about 10% difference in their top-5 accuracy ● VGGNet not only has a higher number of parameters and FLOP as compared to ResNet-152, but also has a decreased accuracy ● Training an AlexNet takes about the same time as training Inception (10 times less memory requirements)
  • 41. 41 Clinic Assistant ● Notebook http://bit.ly/2D2LOQT ● Web App https://virtual-clinic.onrender.com
  • 42. 42 History and its importance ● Origin of CNN(1980s-1999) ● Stagnation of CNN(Early 2000) ● Revival of CNN (2006-2011) ● Rise of CNN (2012-2014) ● Rapid increase in Architectural Innovations (2015-present) ● Important because we are not done yet.
  • 44. 44 Spatial Exploitation based CNNs ● LeNet ● AlexNet ● ZefNet ● VGG ● GoogleNet
  • 45. 45 Depth based CNNs ● Highway Networks ● ResNet ● Inception-V3/V4 ● Inception-ResNet ● ResNext
  • 46. 46 Multi-path based CNNs ● Highway Nets ● ResNet ● DenseNet
  • 47. 47 Width based CNNs ● WideResNet ● Pyramidal Net ● Xception ● Inception Family
  • 48. 48 Feature map exploitation based CNNs ● Squeeze and Excitation ● Competitive Squeeze and Excitation
  • 50. 50 Attention based CNNs ● Residual Attention Neural Network ● Convolutional block attention ● Concurrent Squeeze and Excitation
  • 51. 51 Improvement summary ● Learning capacity of CNN is significantly improved over the years by exploiting depth and other structural modifications. ○ Activation, loss function, optimization, regularization, learning algorithms, and restructuring of processing units. ● Major improvement on CNN ○ Main boost in CNN performance has been achieved by replacing the conventional layer structure with blocks
  • 52. 52 Challenge Exists ● Deep NN are generally like a black box and thus may lack in interpretation and explanation ● Each layer of CNN automatically tries to extract better and problem specific features related to the task ● Deep CNNs are based on supervised learning mechanism, and therefore, availability of a large and annotated data is required for its proper learning ● Hyperparameter selection highly influences the performance of CNN ● Efficient training of CNN demands powerful hardware resources such as GPUs.
  • 53. 53 Future of research ● Ensemble learning ● Attention modeling ● Generative learning
  • 54. 54 References ● [1]. A. Krizhevsky, I. Sutskever, and G. E. Hinton. Imagenet classification with deep convolutional neural networks. In Advances in neural information processing systems,pages 1097–1105,2012. ● [2]. K. He, X. Zhang, S. Ren, and J. Sun. Deep residual learning for image recognition. arXiv preprint arXiv:1512.03385,2015. ● [3]. K. Simonyan and A. Zisserman. Very deep convolutional networks for large-scale image recognition. arXiv preprint arXiv:1409.1556,2014. ● [4]. C. Szegedy, W. Liu, Y. Jia, P. Sermanet, S. Reed, D. Anguelov, D. Erhan, V. Vanhoucke, and A. Rabinovich. Going deeper with convolutions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition,pages 1–9,2015. ● https://arxiv.org/pdf/1901.06032.pdf