SlideShare a Scribd company logo
1 of 31
Download to read offline
Sematic Segmentation using
Resource Efficient Deep Learning
Naresh Kumar Gurulingan,
M. Sc. Deebul Nair, Prof. Dr. Paul G. Plöger
Hochschule Bonn-Rhein-Sieg
November 28, 2018
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 1/31
Table of Contents
Introduction
Applications
RoboCup@Work Semantic Segmentation Dataset
Annotation process
Artificial image generation
Dataset variants
Dataset analysis
DeepLabv3+
Results
Contributions and future work
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 2/31
Table of Contents
Introduction
RoboCup@Work Semantic Segmentation Dataset
DeepLabv3+
Results
Contributions and future work
Introduction
Semantic segmentation
Divide an input image into different regions which contain a desired object
or background.
Figure 1: Left: Input image; Right: Segmentation result.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 4/31
Applications
a Autonomous cars
b Robotics
(a) Street scene [1]
(b) Indoor scene [2]
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 5/31
Table of Contents
Introduction
RoboCup@Work Semantic Segmentation Dataset
DeepLabv3+
Results
Contributions and future work
Dataset
Objects in the dataset
First row from left: distance_tube, m20, bearing, axis, r20, m30, m20_100,
motor, bearing_box_ax16, bearing_box_ax01, f20_20_B, f20_20_G.
Second row from left: em_01, s40_40_B, s40_40_G, em_02,
container_box_red, container_box_blue.
Figure 3: 18 objects in the dataset.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 7/31
Annotation process
MATLAB ImageLabeler
Figure 4: A sample object being labeled in ImageLabeler.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 8/31
Artificial image generation
Motivation
For an image containing 1 desired object, roughly 4 minutes was spent for
manual annotation.
Capturing diverse real-world variations is time consuming.
Process
Collect RGB intensity values of objects using manual annotation.
Create a list of all the collected objects.
For an artificial image, select a background image and random objects from
the list of objects.
Place the selected objects at random locations and at random scales.
Correspondingly generate semantic labels and object detection labels.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 9/31
Artificial image generation
Sample result
Figure 5: Sample results produced by the artificial image generation algorithm.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 10/31
Dataset variants
Motivation
Inability to distinguish size.
(a) m20 [3] (b) m30 [3]
Figure 6: m30 is larger than m20
Inability to distinguish shape.
(a) ax16 (b) ax01 (c) ax16 (d) ax01
Figure 7: Bearing_box ax16 and ax01 are distinguishable in a viewpoint from the
side ((a), (b)) but are indistinguishable in a viewpoint from the top ((c), (d)).
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 11/31
Dataset variants
Number of classes
Variant
Number of classes
including background
atWork_full 19
atWork_size_invariant 15
atWork_similar_shapes 13
atWork_binary 2
Table 1: Number of classes in dataset variants.
Number of images
Training Validation Test
Real Images 396 72 69
Artificial Images 7104 870 870
Total Images 7500 942 939
Table 2: Number of images in the dataset.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 12/31
Dataset analysis
Percentage of pixels of an object = NPo
NPs
.
NPo = Number of pixels occupied by the object in the training set.
NPs = Total number of pixels in the training set.
Figure 8: Percentage of pixels vs corresponding real-world surface area
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 13/31
Table of Contents
Introduction
RoboCup@Work Semantic Segmentation Dataset
DeepLabv3+
Results
Contributions and future work
Local and Global context
Two different objects are similar in local context.
Global context required to classify pixels.
Figure 9: Row 1: local context, row 2: global context.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 15/31
Atrous convolution and ASPP
Increasing the atrous rate (r) increases the receptive field.
Atrous spatial pyramid pooing (ASPP) on the same input feature map to
gather different contexts.
(a) r = 1 (b) r = 2
(c) ASPP
Figure 10: 3×3 atrous convolution with three different atrous rates [4]. Atrous spatial
pyramid pooling (ASPP) and atrous convolution [5].
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 16/31
Architecture of DeepLabv3+
Figure 11: An illustration of DeepLabv3+ architecture. The encoder extracts features
at different scales and the decoder refines object boundary delineation [6].
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 17/31
Depthwise seperable convolutions
Standard: Spatial and cross channel correlation at the same time.
Depthwise seperable convolutions: First spatial correlation, then cross
channel correlation.
(a) Standard
(b) Depthwise
(c) Pointwise
Figure 12: Standard and depthwise seperable convolution [7].
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 18/31
MobileNetv2 and Xception
Both MobileNetv2 and Xception use depthwise separable convolutions.
Both are used as encoders in DeepLabv3+.
Differ in the number of trainable parameters.
DeepLabv3+ with MobileNetv2 has 2.11 Million trainable parametres and
with Xception has 41.05 Million trainable parameters.
With the Xception encoder, DeepLabv3+ has a higher learning capacity.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 19/31
Table of Contents
Introduction
RoboCup@Work Semantic Segmentation Dataset
DeepLabv3+
Results
Contributions and future work
Comparing encoders
Per class IOU = ground_truth ∩ prediction
ground_truth ∪ prediction
mIOU = mean of all class IOUs.
DeepLabv3+ with Xception encoder achieves higher mIOU on all four dataset
variants.
Dataset variant mIOU in %
MobileNetv2 Xception
atWork_full 77.47 89.63
atWork_size_invariant 83.10 92.47
atWork_similar_shapes 82.10 90.71
atWork_binary 96.06 98.68
Table 3: This table lists the mIOU obtained by DeepLabv3+
with MobileNetv2 and Xception encoders on 4 dataset
variants.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 21/31
Comparing dataset variants
Background/foreground segmentation leads to the highest mIOU.
Treating all objects as different classes leads to the lowest mIOU.
Combining objects similar in shape, size or color improves mIOU.
Figure 13: mIOU (%) vs Number of training steps
DeepLabv3+ with Xception encoder on all dataset variants
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 22/31
Comparing individual classes
9.88 % of pixels belonging to m30 is classified as m20.
0.58 % of pixels belonging to m20 is classified as m30 [Slide 11].
Figure 14: Confusion matrix on atWork_full dataset variant by DeepLabv3+ with
MobileNetv2 encoder.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 23/31
Comparing individual classes
Class IOU shows an increasing trend with increase in Percentage of pixels.
Percentage of pixels is shown to increase with surface area [Slide 13].
DeepLabv3+ tends to learn larger objects first.
Figure 15: Individual class IOUs achieved by DeepLabv3+ with MobileNetv2 encoder is
plotted with the percentage of pixels.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 24/31
Quantizing the inference graph
Common operations such as convolution and pooling are replaced by
quantized equivalents.
The inputs to quantized operations are converted to 8 bit.
With MobileNetv2 encoder, 67 % drop in occupied disk memory is achieved.
Drop in mIOU is around 9 %.
With Xception encoder, 73 % drop in occupied disk memory is achieved.
Drop in mIOU is around 2 %.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 25/31
Quantizing the inference graph
Encoder
mIOU
(%)
Number of
parameters
FLOPS
Disk memory
(MB)
MobileNetv2 84.66 2.11M 6.41B 8.7
MobileNetv2-8 75.17 2.11M 328.87M 2.8
Xception 92.42 41.05M 126.27B 165.6
Xception-8 90.4 41.05M 1.94B 44.7
Table 4: This table summarizes the average mIOU across all four dataset variants,
number of parameters, and floating point operations (FLOPS) of both the quantized
and full precision encoders of DeepLabv3+. "M" denotes million and "B" denotes
billion.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 26/31
Table of Contents
Introduction
RoboCup@Work Semantic Segmentation Dataset
DeepLabv3+
Results
Contributions and future work
Conclusion and future work
Contributions
Artificial image generation algorithm.
Segmentation dataset with 18 atWork objects.
Evaluation of DeepLabv3+ with resource efficient encoders MobileNetv2 and
Xception.
Future work
Model interpretability.
Architecture search.
Fusion of 2D image data with point cloud information.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 28/31
Acknowledgements
MATLAB ImageLabeler. URL:
https://de.mathworks.com/help/vision/ref/imagelabeler-app.html
20 different colors. URL:
https://sashat.me/2017/01/11/list-of-20-simple-distinct-colors/
Google image downloader. URL:
https://github.com/hardikvasa/google-images-download/
Surface area from 3D CAD models. URL: https://github.com/robocup-at-work/models
and https://github.com/rockin-robot-challenge/at_work_models
HBRS latex beamer template. URL:
https://git.fslab.de/mmklab/latex-templates/tree/master/presentation
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 29/31
References
[1] C. dataset. Examples of fine annotations. Online accessed: 2018-08-03. url:
https://www.cityscapes-dataset.com/examples/#fine-annotations.
[2] N. Silberman. NYU Depth Dataset V2. Online accessed: 2018-08-03. url: https://cs.nyu.edu/~silberman/datasets/nyu_depth_v2.html.
[3] J. Carstensen et al. RoboCup@Work Rulebook Version 2016. Online accessed: 2018-08-03. url:
http://www.robocupatwork.org/download/rulebook-2016-01-15.pdf.
[4] A. Garcia-Garcia et al. “A Review on Deep Learning Techniques Applied to Semantic Segmentation”. In: CoRR abs/1704.06857 (2017). arXiv:
1704.06857. url: http://arxiv.org/abs/1704.06857.
[5] L. Chen et al. “DeepLab: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs”. In: CoRR
abs/1606.00915 (2016). arXiv: 1606.00915. url: http://arxiv.org/abs/1606.00915.
[6] L. Chen et al. “Encoder-Decoder with Atrous Separable Convolution for Semantic Image Segmentation”. In: CoRR abs/1802.02611 (2018). arXiv:
1802.02611. url: http://arxiv.org/abs/1802.02611.
[7] E. Bendersky. Depthwise separable convolutions for machine learning. Online accessed: 2018-08-03. url:
https://eli.thegreenplace.net/2018/depthwise-separable-convolutions-for-machine-learning/.
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 30/31
Thank you!
Questions?
Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 31/31

More Related Content

What's hot

CLUSTERING HYPERSPECTRAL DATA
CLUSTERING HYPERSPECTRAL DATACLUSTERING HYPERSPECTRAL DATA
CLUSTERING HYPERSPECTRAL DATAcsandit
 
A scalable collaborative filtering framework based on co clustering
A scalable collaborative filtering framework based on co clusteringA scalable collaborative filtering framework based on co clustering
A scalable collaborative filtering framework based on co clusteringAllenWu
 
IRJET- Crowd Density Estimation using Novel Feature Descriptor
IRJET- Crowd Density Estimation using Novel Feature DescriptorIRJET- Crowd Density Estimation using Novel Feature Descriptor
IRJET- Crowd Density Estimation using Novel Feature DescriptorIRJET Journal
 
Accurate Learning of Graph Representations with Graph Multiset Pooling
Accurate Learning of Graph Representations with Graph Multiset PoolingAccurate Learning of Graph Representations with Graph Multiset Pooling
Accurate Learning of Graph Representations with Graph Multiset PoolingMLAI2
 
Content Based Image Retrieval Using 2-D Discrete Wavelet Transform
Content Based Image Retrieval Using 2-D Discrete Wavelet TransformContent Based Image Retrieval Using 2-D Discrete Wavelet Transform
Content Based Image Retrieval Using 2-D Discrete Wavelet TransformIOSR Journals
 
Stochastic Computing Correlation Utilization in Convolutional Neural Network ...
Stochastic Computing Correlation Utilization in Convolutional Neural Network ...Stochastic Computing Correlation Utilization in Convolutional Neural Network ...
Stochastic Computing Correlation Utilization in Convolutional Neural Network ...TELKOMNIKA JOURNAL
 
Incremental collaborative filtering via evolutionary co clustering
Incremental collaborative filtering via evolutionary co clusteringIncremental collaborative filtering via evolutionary co clustering
Incremental collaborative filtering via evolutionary co clusteringAllen Wu
 
Traffic sign classification
Traffic sign classificationTraffic sign classification
Traffic sign classificationBill Kromydas
 
3D Volumetric Data Generation with Generative Adversarial Networks
3D Volumetric Data Generation with Generative Adversarial Networks3D Volumetric Data Generation with Generative Adversarial Networks
3D Volumetric Data Generation with Generative Adversarial NetworksPreferred Networks
 
A Novel Background Subtraction Algorithm for Dynamic Texture Scenes
A Novel Background Subtraction Algorithm for Dynamic Texture ScenesA Novel Background Subtraction Algorithm for Dynamic Texture Scenes
A Novel Background Subtraction Algorithm for Dynamic Texture ScenesIJMER
 
DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...
DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...
DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...Artem Lutov
 
Robust foreground modelling to segment and detect multiple moving objects in ...
Robust foreground modelling to segment and detect multiple moving objects in ...Robust foreground modelling to segment and detect multiple moving objects in ...
Robust foreground modelling to segment and detect multiple moving objects in ...IJECEIAES
 
THE EVIDENCE THEORY FOR COLOR SATELLITE IMAGE COMPRESSION
THE EVIDENCE THEORY FOR COLOR SATELLITE IMAGE COMPRESSIONTHE EVIDENCE THEORY FOR COLOR SATELLITE IMAGE COMPRESSION
THE EVIDENCE THEORY FOR COLOR SATELLITE IMAGE COMPRESSIONcscpconf
 
A New Chaos Based Image Encryption and Decryption using a Hash Function
A New Chaos Based Image Encryption and Decryption using a Hash FunctionA New Chaos Based Image Encryption and Decryption using a Hash Function
A New Chaos Based Image Encryption and Decryption using a Hash FunctionIRJET Journal
 
Co-clustering of multi-view datasets: a parallelizable approach
Co-clustering of multi-view datasets: a parallelizable approachCo-clustering of multi-view datasets: a parallelizable approach
Co-clustering of multi-view datasets: a parallelizable approachAllen Wu
 
Images in matlab
Images in matlabImages in matlab
Images in matlabAli Alvi
 
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis taeseon ryu
 
Geometry Batching Using Texture-Arrays
Geometry Batching Using Texture-ArraysGeometry Batching Using Texture-Arrays
Geometry Batching Using Texture-ArraysMatthias Trapp
 

What's hot (20)

www.ijerd.com
www.ijerd.comwww.ijerd.com
www.ijerd.com
 
CLUSTERING HYPERSPECTRAL DATA
CLUSTERING HYPERSPECTRAL DATACLUSTERING HYPERSPECTRAL DATA
CLUSTERING HYPERSPECTRAL DATA
 
Chapter 06 eng
Chapter 06 engChapter 06 eng
Chapter 06 eng
 
A scalable collaborative filtering framework based on co clustering
A scalable collaborative filtering framework based on co clusteringA scalable collaborative filtering framework based on co clustering
A scalable collaborative filtering framework based on co clustering
 
IRJET- Crowd Density Estimation using Novel Feature Descriptor
IRJET- Crowd Density Estimation using Novel Feature DescriptorIRJET- Crowd Density Estimation using Novel Feature Descriptor
IRJET- Crowd Density Estimation using Novel Feature Descriptor
 
Accurate Learning of Graph Representations with Graph Multiset Pooling
Accurate Learning of Graph Representations with Graph Multiset PoolingAccurate Learning of Graph Representations with Graph Multiset Pooling
Accurate Learning of Graph Representations with Graph Multiset Pooling
 
Content Based Image Retrieval Using 2-D Discrete Wavelet Transform
Content Based Image Retrieval Using 2-D Discrete Wavelet TransformContent Based Image Retrieval Using 2-D Discrete Wavelet Transform
Content Based Image Retrieval Using 2-D Discrete Wavelet Transform
 
Stochastic Computing Correlation Utilization in Convolutional Neural Network ...
Stochastic Computing Correlation Utilization in Convolutional Neural Network ...Stochastic Computing Correlation Utilization in Convolutional Neural Network ...
Stochastic Computing Correlation Utilization in Convolutional Neural Network ...
 
Incremental collaborative filtering via evolutionary co clustering
Incremental collaborative filtering via evolutionary co clusteringIncremental collaborative filtering via evolutionary co clustering
Incremental collaborative filtering via evolutionary co clustering
 
Traffic sign classification
Traffic sign classificationTraffic sign classification
Traffic sign classification
 
3D Volumetric Data Generation with Generative Adversarial Networks
3D Volumetric Data Generation with Generative Adversarial Networks3D Volumetric Data Generation with Generative Adversarial Networks
3D Volumetric Data Generation with Generative Adversarial Networks
 
A Novel Background Subtraction Algorithm for Dynamic Texture Scenes
A Novel Background Subtraction Algorithm for Dynamic Texture ScenesA Novel Background Subtraction Algorithm for Dynamic Texture Scenes
A Novel Background Subtraction Algorithm for Dynamic Texture Scenes
 
DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...
DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...
DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...
 
Robust foreground modelling to segment and detect multiple moving objects in ...
Robust foreground modelling to segment and detect multiple moving objects in ...Robust foreground modelling to segment and detect multiple moving objects in ...
Robust foreground modelling to segment and detect multiple moving objects in ...
 
THE EVIDENCE THEORY FOR COLOR SATELLITE IMAGE COMPRESSION
THE EVIDENCE THEORY FOR COLOR SATELLITE IMAGE COMPRESSIONTHE EVIDENCE THEORY FOR COLOR SATELLITE IMAGE COMPRESSION
THE EVIDENCE THEORY FOR COLOR SATELLITE IMAGE COMPRESSION
 
A New Chaos Based Image Encryption and Decryption using a Hash Function
A New Chaos Based Image Encryption and Decryption using a Hash FunctionA New Chaos Based Image Encryption and Decryption using a Hash Function
A New Chaos Based Image Encryption and Decryption using a Hash Function
 
Co-clustering of multi-view datasets: a parallelizable approach
Co-clustering of multi-view datasets: a parallelizable approachCo-clustering of multi-view datasets: a parallelizable approach
Co-clustering of multi-view datasets: a parallelizable approach
 
Images in matlab
Images in matlabImages in matlab
Images in matlab
 
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
 
Geometry Batching Using Texture-Arrays
Geometry Batching Using Texture-ArraysGeometry Batching Using Texture-Arrays
Geometry Batching Using Texture-Arrays
 

Similar to Rn d presentation_gurulingannk

Web Image Retrieval Using Visual Dictionary
Web Image Retrieval Using Visual DictionaryWeb Image Retrieval Using Visual Dictionary
Web Image Retrieval Using Visual Dictionaryijwscjournal
 
Web Image Retrieval Using Visual Dictionary
Web Image Retrieval Using Visual DictionaryWeb Image Retrieval Using Visual Dictionary
Web Image Retrieval Using Visual Dictionaryijwscjournal
 
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATIONA DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATIONcsandit
 
Implementation of p pic algorithm in map reduce to handle big data
Implementation of p pic algorithm in map reduce to handle big dataImplementation of p pic algorithm in map reduce to handle big data
Implementation of p pic algorithm in map reduce to handle big dataeSAT Publishing House
 
Density Based Clustering Approach for Solving the Software Component Restruct...
Density Based Clustering Approach for Solving the Software Component Restruct...Density Based Clustering Approach for Solving the Software Component Restruct...
Density Based Clustering Approach for Solving the Software Component Restruct...IRJET Journal
 
A comparative analysis of retrieval techniques in content based image retrieval
A comparative analysis of retrieval techniques in content based image retrievalA comparative analysis of retrieval techniques in content based image retrieval
A comparative analysis of retrieval techniques in content based image retrievalcsandit
 
A COMPARATIVE ANALYSIS OF RETRIEVAL TECHNIQUES IN CONTENT BASED IMAGE RETRIEVAL
A COMPARATIVE ANALYSIS OF RETRIEVAL TECHNIQUES IN CONTENT BASED IMAGE RETRIEVALA COMPARATIVE ANALYSIS OF RETRIEVAL TECHNIQUES IN CONTENT BASED IMAGE RETRIEVAL
A COMPARATIVE ANALYSIS OF RETRIEVAL TECHNIQUES IN CONTENT BASED IMAGE RETRIEVALcscpconf
 
COMPARATIVE PERFORMANCE ANALYSIS OF RNSC AND MCL ALGORITHMS ON POWER-LAW DIST...
COMPARATIVE PERFORMANCE ANALYSIS OF RNSC AND MCL ALGORITHMS ON POWER-LAW DIST...COMPARATIVE PERFORMANCE ANALYSIS OF RNSC AND MCL ALGORITHMS ON POWER-LAW DIST...
COMPARATIVE PERFORMANCE ANALYSIS OF RNSC AND MCL ALGORITHMS ON POWER-LAW DIST...acijjournal
 
An efficient technique for color image classification based on lower feature ...
An efficient technique for color image classification based on lower feature ...An efficient technique for color image classification based on lower feature ...
An efficient technique for color image classification based on lower feature ...Alexander Decker
 
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATIONA DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATIONcscpconf
 
spkumar-503report-approved
spkumar-503report-approvedspkumar-503report-approved
spkumar-503report-approvedPrasanna Kumar
 
IRJET- Finding Dominant Color in the Artistic Painting using Data Mining ...
IRJET-  	  Finding Dominant Color in the Artistic Painting using Data Mining ...IRJET-  	  Finding Dominant Color in the Artistic Painting using Data Mining ...
IRJET- Finding Dominant Color in the Artistic Painting using Data Mining ...IRJET Journal
 
Information search using text and image query
Information search using text and image queryInformation search using text and image query
Information search using text and image queryeSAT Journals
 
Estimating project development effort using clustered regression approach
Estimating project development effort using clustered regression approachEstimating project development effort using clustered regression approach
Estimating project development effort using clustered regression approachcsandit
 
ESTIMATING PROJECT DEVELOPMENT EFFORT USING CLUSTERED REGRESSION APPROACH
ESTIMATING PROJECT DEVELOPMENT EFFORT USING CLUSTERED REGRESSION APPROACHESTIMATING PROJECT DEVELOPMENT EFFORT USING CLUSTERED REGRESSION APPROACH
ESTIMATING PROJECT DEVELOPMENT EFFORT USING CLUSTERED REGRESSION APPROACHcscpconf
 
K-Means Clustering in Moving Objects Extraction with Selective Background
K-Means Clustering in Moving Objects Extraction with Selective BackgroundK-Means Clustering in Moving Objects Extraction with Selective Background
K-Means Clustering in Moving Objects Extraction with Selective BackgroundIJCSIS Research Publications
 
APPLYING R-SPATIOGRAM IN OBJECT TRACKING FOR OCCLUSION HANDLING
APPLYING R-SPATIOGRAM IN OBJECT TRACKING FOR OCCLUSION HANDLINGAPPLYING R-SPATIOGRAM IN OBJECT TRACKING FOR OCCLUSION HANDLING
APPLYING R-SPATIOGRAM IN OBJECT TRACKING FOR OCCLUSION HANDLINGsipij
 

Similar to Rn d presentation_gurulingannk (20)

Web Image Retrieval Using Visual Dictionary
Web Image Retrieval Using Visual DictionaryWeb Image Retrieval Using Visual Dictionary
Web Image Retrieval Using Visual Dictionary
 
Web Image Retrieval Using Visual Dictionary
Web Image Retrieval Using Visual DictionaryWeb Image Retrieval Using Visual Dictionary
Web Image Retrieval Using Visual Dictionary
 
28 01-2021-05
28 01-2021-0528 01-2021-05
28 01-2021-05
 
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATIONA DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
 
Implementation of p pic algorithm in map reduce to handle big data
Implementation of p pic algorithm in map reduce to handle big dataImplementation of p pic algorithm in map reduce to handle big data
Implementation of p pic algorithm in map reduce to handle big data
 
Density Based Clustering Approach for Solving the Software Component Restruct...
Density Based Clustering Approach for Solving the Software Component Restruct...Density Based Clustering Approach for Solving the Software Component Restruct...
Density Based Clustering Approach for Solving the Software Component Restruct...
 
A comparative analysis of retrieval techniques in content based image retrieval
A comparative analysis of retrieval techniques in content based image retrievalA comparative analysis of retrieval techniques in content based image retrieval
A comparative analysis of retrieval techniques in content based image retrieval
 
A COMPARATIVE ANALYSIS OF RETRIEVAL TECHNIQUES IN CONTENT BASED IMAGE RETRIEVAL
A COMPARATIVE ANALYSIS OF RETRIEVAL TECHNIQUES IN CONTENT BASED IMAGE RETRIEVALA COMPARATIVE ANALYSIS OF RETRIEVAL TECHNIQUES IN CONTENT BASED IMAGE RETRIEVAL
A COMPARATIVE ANALYSIS OF RETRIEVAL TECHNIQUES IN CONTENT BASED IMAGE RETRIEVAL
 
COMPARATIVE PERFORMANCE ANALYSIS OF RNSC AND MCL ALGORITHMS ON POWER-LAW DIST...
COMPARATIVE PERFORMANCE ANALYSIS OF RNSC AND MCL ALGORITHMS ON POWER-LAW DIST...COMPARATIVE PERFORMANCE ANALYSIS OF RNSC AND MCL ALGORITHMS ON POWER-LAW DIST...
COMPARATIVE PERFORMANCE ANALYSIS OF RNSC AND MCL ALGORITHMS ON POWER-LAW DIST...
 
An efficient technique for color image classification based on lower feature ...
An efficient technique for color image classification based on lower feature ...An efficient technique for color image classification based on lower feature ...
An efficient technique for color image classification based on lower feature ...
 
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATIONA DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
 
spkumar-503report-approved
spkumar-503report-approvedspkumar-503report-approved
spkumar-503report-approved
 
IJET-V2I6P17
IJET-V2I6P17IJET-V2I6P17
IJET-V2I6P17
 
IRJET- Finding Dominant Color in the Artistic Painting using Data Mining ...
IRJET-  	  Finding Dominant Color in the Artistic Painting using Data Mining ...IRJET-  	  Finding Dominant Color in the Artistic Painting using Data Mining ...
IRJET- Finding Dominant Color in the Artistic Painting using Data Mining ...
 
I010135760
I010135760I010135760
I010135760
 
Information search using text and image query
Information search using text and image queryInformation search using text and image query
Information search using text and image query
 
Estimating project development effort using clustered regression approach
Estimating project development effort using clustered regression approachEstimating project development effort using clustered regression approach
Estimating project development effort using clustered regression approach
 
ESTIMATING PROJECT DEVELOPMENT EFFORT USING CLUSTERED REGRESSION APPROACH
ESTIMATING PROJECT DEVELOPMENT EFFORT USING CLUSTERED REGRESSION APPROACHESTIMATING PROJECT DEVELOPMENT EFFORT USING CLUSTERED REGRESSION APPROACH
ESTIMATING PROJECT DEVELOPMENT EFFORT USING CLUSTERED REGRESSION APPROACH
 
K-Means Clustering in Moving Objects Extraction with Selective Background
K-Means Clustering in Moving Objects Extraction with Selective BackgroundK-Means Clustering in Moving Objects Extraction with Selective Background
K-Means Clustering in Moving Objects Extraction with Selective Background
 
APPLYING R-SPATIOGRAM IN OBJECT TRACKING FOR OCCLUSION HANDLING
APPLYING R-SPATIOGRAM IN OBJECT TRACKING FOR OCCLUSION HANDLINGAPPLYING R-SPATIOGRAM IN OBJECT TRACKING FOR OCCLUSION HANDLING
APPLYING R-SPATIOGRAM IN OBJECT TRACKING FOR OCCLUSION HANDLING
 

Recently uploaded

Solving Puzzles Benefits Everyone (English).pptx
Solving Puzzles Benefits Everyone (English).pptxSolving Puzzles Benefits Everyone (English).pptx
Solving Puzzles Benefits Everyone (English).pptxOH TEIK BIN
 
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17Celine George
 
Kisan Call Centre - To harness potential of ICT in Agriculture by answer farm...
Kisan Call Centre - To harness potential of ICT in Agriculture by answer farm...Kisan Call Centre - To harness potential of ICT in Agriculture by answer farm...
Kisan Call Centre - To harness potential of ICT in Agriculture by answer farm...Krashi Coaching
 
Alper Gobel In Media Res Media Component
Alper Gobel In Media Res Media ComponentAlper Gobel In Media Res Media Component
Alper Gobel In Media Res Media ComponentInMediaRes1
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptxVS Mahajan Coaching Centre
 
Pharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfPharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfMahmoud M. Sallam
 
Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)eniolaolutunde
 
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptxSOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptxiammrhaywood
 
Introduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptxIntroduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptxpboyjonauth
 
Sanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdfSanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdfsanyamsingh5019
 
EPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptxEPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptxRaymartEstabillo3
 
Class 11 Legal Studies Ch-1 Concept of State .pdf
Class 11 Legal Studies Ch-1 Concept of State .pdfClass 11 Legal Studies Ch-1 Concept of State .pdf
Class 11 Legal Studies Ch-1 Concept of State .pdfakmcokerachita
 
Hybridoma Technology ( Production , Purification , and Application )
Hybridoma Technology  ( Production , Purification , and Application  ) Hybridoma Technology  ( Production , Purification , and Application  )
Hybridoma Technology ( Production , Purification , and Application ) Sakshi Ghasle
 
भारत-रोम व्यापार.pptx, Indo-Roman Trade,
भारत-रोम व्यापार.pptx, Indo-Roman Trade,भारत-रोम व्यापार.pptx, Indo-Roman Trade,
भारत-रोम व्यापार.pptx, Indo-Roman Trade,Virag Sontakke
 
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdfssuser54595a
 
How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17Celine George
 
Science lesson Moon for 4th quarter lesson
Science lesson Moon for 4th quarter lessonScience lesson Moon for 4th quarter lesson
Science lesson Moon for 4th quarter lessonJericReyAuditor
 
Paris 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityParis 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityGeoBlogs
 
A Critique of the Proposed National Education Policy Reform
A Critique of the Proposed National Education Policy ReformA Critique of the Proposed National Education Policy Reform
A Critique of the Proposed National Education Policy ReformChameera Dedduwage
 

Recently uploaded (20)

Solving Puzzles Benefits Everyone (English).pptx
Solving Puzzles Benefits Everyone (English).pptxSolving Puzzles Benefits Everyone (English).pptx
Solving Puzzles Benefits Everyone (English).pptx
 
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
 
Kisan Call Centre - To harness potential of ICT in Agriculture by answer farm...
Kisan Call Centre - To harness potential of ICT in Agriculture by answer farm...Kisan Call Centre - To harness potential of ICT in Agriculture by answer farm...
Kisan Call Centre - To harness potential of ICT in Agriculture by answer farm...
 
Alper Gobel In Media Res Media Component
Alper Gobel In Media Res Media ComponentAlper Gobel In Media Res Media Component
Alper Gobel In Media Res Media Component
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
 
Pharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfPharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdf
 
Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)
 
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptxSOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
 
Introduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptxIntroduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptx
 
TataKelola dan KamSiber Kecerdasan Buatan v022.pdf
TataKelola dan KamSiber Kecerdasan Buatan v022.pdfTataKelola dan KamSiber Kecerdasan Buatan v022.pdf
TataKelola dan KamSiber Kecerdasan Buatan v022.pdf
 
Sanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdfSanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdf
 
EPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptxEPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptx
 
Class 11 Legal Studies Ch-1 Concept of State .pdf
Class 11 Legal Studies Ch-1 Concept of State .pdfClass 11 Legal Studies Ch-1 Concept of State .pdf
Class 11 Legal Studies Ch-1 Concept of State .pdf
 
Hybridoma Technology ( Production , Purification , and Application )
Hybridoma Technology  ( Production , Purification , and Application  ) Hybridoma Technology  ( Production , Purification , and Application  )
Hybridoma Technology ( Production , Purification , and Application )
 
भारत-रोम व्यापार.pptx, Indo-Roman Trade,
भारत-रोम व्यापार.pptx, Indo-Roman Trade,भारत-रोम व्यापार.pptx, Indo-Roman Trade,
भारत-रोम व्यापार.pptx, Indo-Roman Trade,
 
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
 
How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17
 
Science lesson Moon for 4th quarter lesson
Science lesson Moon for 4th quarter lessonScience lesson Moon for 4th quarter lesson
Science lesson Moon for 4th quarter lesson
 
Paris 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityParis 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activity
 
A Critique of the Proposed National Education Policy Reform
A Critique of the Proposed National Education Policy ReformA Critique of the Proposed National Education Policy Reform
A Critique of the Proposed National Education Policy Reform
 

Rn d presentation_gurulingannk

  • 1. Sematic Segmentation using Resource Efficient Deep Learning Naresh Kumar Gurulingan, M. Sc. Deebul Nair, Prof. Dr. Paul G. Plöger Hochschule Bonn-Rhein-Sieg November 28, 2018 Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 1/31
  • 2. Table of Contents Introduction Applications RoboCup@Work Semantic Segmentation Dataset Annotation process Artificial image generation Dataset variants Dataset analysis DeepLabv3+ Results Contributions and future work Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 2/31
  • 3. Table of Contents Introduction RoboCup@Work Semantic Segmentation Dataset DeepLabv3+ Results Contributions and future work
  • 4. Introduction Semantic segmentation Divide an input image into different regions which contain a desired object or background. Figure 1: Left: Input image; Right: Segmentation result. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 4/31
  • 5. Applications a Autonomous cars b Robotics (a) Street scene [1] (b) Indoor scene [2] Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 5/31
  • 6. Table of Contents Introduction RoboCup@Work Semantic Segmentation Dataset DeepLabv3+ Results Contributions and future work
  • 7. Dataset Objects in the dataset First row from left: distance_tube, m20, bearing, axis, r20, m30, m20_100, motor, bearing_box_ax16, bearing_box_ax01, f20_20_B, f20_20_G. Second row from left: em_01, s40_40_B, s40_40_G, em_02, container_box_red, container_box_blue. Figure 3: 18 objects in the dataset. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 7/31
  • 8. Annotation process MATLAB ImageLabeler Figure 4: A sample object being labeled in ImageLabeler. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 8/31
  • 9. Artificial image generation Motivation For an image containing 1 desired object, roughly 4 minutes was spent for manual annotation. Capturing diverse real-world variations is time consuming. Process Collect RGB intensity values of objects using manual annotation. Create a list of all the collected objects. For an artificial image, select a background image and random objects from the list of objects. Place the selected objects at random locations and at random scales. Correspondingly generate semantic labels and object detection labels. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 9/31
  • 10. Artificial image generation Sample result Figure 5: Sample results produced by the artificial image generation algorithm. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 10/31
  • 11. Dataset variants Motivation Inability to distinguish size. (a) m20 [3] (b) m30 [3] Figure 6: m30 is larger than m20 Inability to distinguish shape. (a) ax16 (b) ax01 (c) ax16 (d) ax01 Figure 7: Bearing_box ax16 and ax01 are distinguishable in a viewpoint from the side ((a), (b)) but are indistinguishable in a viewpoint from the top ((c), (d)). Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 11/31
  • 12. Dataset variants Number of classes Variant Number of classes including background atWork_full 19 atWork_size_invariant 15 atWork_similar_shapes 13 atWork_binary 2 Table 1: Number of classes in dataset variants. Number of images Training Validation Test Real Images 396 72 69 Artificial Images 7104 870 870 Total Images 7500 942 939 Table 2: Number of images in the dataset. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 12/31
  • 13. Dataset analysis Percentage of pixels of an object = NPo NPs . NPo = Number of pixels occupied by the object in the training set. NPs = Total number of pixels in the training set. Figure 8: Percentage of pixels vs corresponding real-world surface area Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 13/31
  • 14. Table of Contents Introduction RoboCup@Work Semantic Segmentation Dataset DeepLabv3+ Results Contributions and future work
  • 15. Local and Global context Two different objects are similar in local context. Global context required to classify pixels. Figure 9: Row 1: local context, row 2: global context. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 15/31
  • 16. Atrous convolution and ASPP Increasing the atrous rate (r) increases the receptive field. Atrous spatial pyramid pooing (ASPP) on the same input feature map to gather different contexts. (a) r = 1 (b) r = 2 (c) ASPP Figure 10: 3×3 atrous convolution with three different atrous rates [4]. Atrous spatial pyramid pooling (ASPP) and atrous convolution [5]. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 16/31
  • 17. Architecture of DeepLabv3+ Figure 11: An illustration of DeepLabv3+ architecture. The encoder extracts features at different scales and the decoder refines object boundary delineation [6]. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 17/31
  • 18. Depthwise seperable convolutions Standard: Spatial and cross channel correlation at the same time. Depthwise seperable convolutions: First spatial correlation, then cross channel correlation. (a) Standard (b) Depthwise (c) Pointwise Figure 12: Standard and depthwise seperable convolution [7]. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 18/31
  • 19. MobileNetv2 and Xception Both MobileNetv2 and Xception use depthwise separable convolutions. Both are used as encoders in DeepLabv3+. Differ in the number of trainable parameters. DeepLabv3+ with MobileNetv2 has 2.11 Million trainable parametres and with Xception has 41.05 Million trainable parameters. With the Xception encoder, DeepLabv3+ has a higher learning capacity. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 19/31
  • 20. Table of Contents Introduction RoboCup@Work Semantic Segmentation Dataset DeepLabv3+ Results Contributions and future work
  • 21. Comparing encoders Per class IOU = ground_truth ∩ prediction ground_truth ∪ prediction mIOU = mean of all class IOUs. DeepLabv3+ with Xception encoder achieves higher mIOU on all four dataset variants. Dataset variant mIOU in % MobileNetv2 Xception atWork_full 77.47 89.63 atWork_size_invariant 83.10 92.47 atWork_similar_shapes 82.10 90.71 atWork_binary 96.06 98.68 Table 3: This table lists the mIOU obtained by DeepLabv3+ with MobileNetv2 and Xception encoders on 4 dataset variants. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 21/31
  • 22. Comparing dataset variants Background/foreground segmentation leads to the highest mIOU. Treating all objects as different classes leads to the lowest mIOU. Combining objects similar in shape, size or color improves mIOU. Figure 13: mIOU (%) vs Number of training steps DeepLabv3+ with Xception encoder on all dataset variants Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 22/31
  • 23. Comparing individual classes 9.88 % of pixels belonging to m30 is classified as m20. 0.58 % of pixels belonging to m20 is classified as m30 [Slide 11]. Figure 14: Confusion matrix on atWork_full dataset variant by DeepLabv3+ with MobileNetv2 encoder. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 23/31
  • 24. Comparing individual classes Class IOU shows an increasing trend with increase in Percentage of pixels. Percentage of pixels is shown to increase with surface area [Slide 13]. DeepLabv3+ tends to learn larger objects first. Figure 15: Individual class IOUs achieved by DeepLabv3+ with MobileNetv2 encoder is plotted with the percentage of pixels. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 24/31
  • 25. Quantizing the inference graph Common operations such as convolution and pooling are replaced by quantized equivalents. The inputs to quantized operations are converted to 8 bit. With MobileNetv2 encoder, 67 % drop in occupied disk memory is achieved. Drop in mIOU is around 9 %. With Xception encoder, 73 % drop in occupied disk memory is achieved. Drop in mIOU is around 2 %. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 25/31
  • 26. Quantizing the inference graph Encoder mIOU (%) Number of parameters FLOPS Disk memory (MB) MobileNetv2 84.66 2.11M 6.41B 8.7 MobileNetv2-8 75.17 2.11M 328.87M 2.8 Xception 92.42 41.05M 126.27B 165.6 Xception-8 90.4 41.05M 1.94B 44.7 Table 4: This table summarizes the average mIOU across all four dataset variants, number of parameters, and floating point operations (FLOPS) of both the quantized and full precision encoders of DeepLabv3+. "M" denotes million and "B" denotes billion. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 26/31
  • 27. Table of Contents Introduction RoboCup@Work Semantic Segmentation Dataset DeepLabv3+ Results Contributions and future work
  • 28. Conclusion and future work Contributions Artificial image generation algorithm. Segmentation dataset with 18 atWork objects. Evaluation of DeepLabv3+ with resource efficient encoders MobileNetv2 and Xception. Future work Model interpretability. Architecture search. Fusion of 2D image data with point cloud information. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 28/31
  • 29. Acknowledgements MATLAB ImageLabeler. URL: https://de.mathworks.com/help/vision/ref/imagelabeler-app.html 20 different colors. URL: https://sashat.me/2017/01/11/list-of-20-simple-distinct-colors/ Google image downloader. URL: https://github.com/hardikvasa/google-images-download/ Surface area from 3D CAD models. URL: https://github.com/robocup-at-work/models and https://github.com/rockin-robot-challenge/at_work_models HBRS latex beamer template. URL: https://git.fslab.de/mmklab/latex-templates/tree/master/presentation Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 29/31
  • 30. References [1] C. dataset. Examples of fine annotations. Online accessed: 2018-08-03. url: https://www.cityscapes-dataset.com/examples/#fine-annotations. [2] N. Silberman. NYU Depth Dataset V2. Online accessed: 2018-08-03. url: https://cs.nyu.edu/~silberman/datasets/nyu_depth_v2.html. [3] J. Carstensen et al. RoboCup@Work Rulebook Version 2016. Online accessed: 2018-08-03. url: http://www.robocupatwork.org/download/rulebook-2016-01-15.pdf. [4] A. Garcia-Garcia et al. “A Review on Deep Learning Techniques Applied to Semantic Segmentation”. In: CoRR abs/1704.06857 (2017). arXiv: 1704.06857. url: http://arxiv.org/abs/1704.06857. [5] L. Chen et al. “DeepLab: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs”. In: CoRR abs/1606.00915 (2016). arXiv: 1606.00915. url: http://arxiv.org/abs/1606.00915. [6] L. Chen et al. “Encoder-Decoder with Atrous Separable Convolution for Semantic Image Segmentation”. In: CoRR abs/1802.02611 (2018). arXiv: 1802.02611. url: http://arxiv.org/abs/1802.02611. [7] E. Bendersky. Depthwise separable convolutions for machine learning. Online accessed: 2018-08-03. url: https://eli.thegreenplace.net/2018/depthwise-separable-convolutions-for-machine-learning/. Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 30/31
  • 31. Thank you! Questions? Naresh Kumar Gurulingan Sematic Segmentation using Resource Efficient Deep Learning 31/31