SlideShare a Scribd company logo
1 of 27
Ben-Gurion University of the Negev
Deep Learning Image Processing 2018
Eliya Ben Avraham & Laialy Darwesh
U-Net: Convolutional Networks
for
Biomedical Image Segmentation
Olaf Ronneberger, Philipp Fischer, and Thomas Brox
University of Freiburg, Germany
1
https://arxiv.org/pdf/1505.04597.pdf
 Introduction
 Motivation
 Previous work
 U-NET architecture
 U-NET Training
 Data Augmentation
 Experiments
 Extending U-NET
 Conclusion
Topics
2
Convolutional Neural Networks (CNN)
Introduction
3
https://www.mathworks.com/videos/introduction-to-deep-learning-what-are-convolutional-neural-networks--1489512765771.html
https://leonardoaraujosantos.gitbooks.io/artificial-inteligence/content/convolutional_neural_networks.html
 The fewer number of connections and weights make convolutional
layers relatively cheap (vs full connect) in terms of memory and
compute power needed.
 Convolutional networks make the assumption of locality, and
hence are more powerful
Introduction
4
http://deeplearning.net/software/theano/tutorial/conv_arithmetic.html
https://sites.google.com/site/nttrungmtwiki/home/it/data-science---python/tensorflow/tensorflow-and-deep-learning-part-3?tmpl=%2Fsystem%2Fapp%2Ftemplates%2Fprint%2F&showPrintDialog=1
Convolution Layer
W - Input volume size
F – Receptive field size (Filter
Size)
P - Zero padding used on the
border
S - Stride
Output Size = (W−F+2P)/S+1
0 1 2
2 2 0
0 1 2
kernel
 Padding = 0
 Strides = 1
Output Size = (5−3+2∗0)/1+1 =
3
Introduction
5
https://www.saagie.com/blog/object-detection-part1
 The use of convolutional networks is on classification tasks
where the output to typical image is a single class label.
A class label is supposed to be assigned to each pixel.
 In many visual tasks, especially in biomedical image
processing, the desired output should include localization
Introduction
6
http://cs231n.stanford.edu/slides/2016/winter1516_lecture13.pdf
 Label every pixel!
 Don’t differentiate instances
 Classic computer vision problem
Pixel-wise Semantic Segmentation
Main Motivation
https://lmb.informatik.uni-freiburg.de/people/ronneber/u-net/
Biomedical Image Segmentation with U-net
 For example AlexNet:
 8 layers and millions of parameters on on the ImageNet
dataset
 1 million training images
 Thousands of training images are usually beyond reach
in biomedical task
 The desired output should include localization
Main Motivation
https://lmb.informatik.uni-freiburg.de/people/ronneber/u-net/
Biomedical Image Segmentation with U-net
U-Net
Input image Output segmentation map
 U-net learns segmentation in and end-to-end setting
 Vary few annotated images (approx. 30 per application)
 Touching objects of the same class
IEEE International Symposium on Biomedical Imaging (ISBI 2015)
First Task
9
Ciresan, D.C., Gambardella, L.M., Giusti, A., Schmidhuber, J.: Deep neural net- works segment neuronal membranes in electron microscopy images. In: NIPS. pp. 2852{2860 (2012)
Predict the class label of each pixel
 Stacks of Electron microscopy (EM) images
 EM segmentation challenge at ISBI 2012
 30 training images
Training stack Ground truth
Black - neuron membranes
White - cells
Second Task
10
ISBI 2015- separation of touching objects of the same class
 Light microscopic images (recorded by phase contrast microscopy)
 Part of the ISBI cell tracking challenge 2014 and 2015
Raw image
(HeLa cells)
Generated segmentation mask
(white:foreground, black:background)
Ground truth segmentation.
Challenges
Segmentation of Neuronal Structures in EM
Previous work
Ciresan, D.C., Gambardella, L.M., Giusti, A., Schmidhuber, J.: Deep neural net- works segment neuronal membranes in electron microscopy images.
The winner (ISBI 2012) (Ciresan et al.)
 Trained a network in a sliding-window (local region (patch) around that pixel)
x Slow because the network must be run separately for each patch
 This network can localize
Deep
Neural
Netwok
 The training data in terms of patches is much larger than the number of training images
x There is a lot of redundancy
Previous work
Ciresan, D.C., Gambardella, L.M., Giusti, A., Schmidhuber, J.: Deep neural net- works segment neuronal membranes in electron microscopy images. In: NIPS. pp. 2852{2860(2012)
The winner (ISBI 2012)
 Trade-off between localization accuracy and the use of context.
Larger patches: Require more max-pooling layers → reduce the localization accuracy
Small patches: Allow the network to see only little context
We want a good localization and the use of context at the
same time
Deep
Neural
Netwok
Previous work (Inspiration)
https://www.azavea.com/blog/2017/05/30/deep-learning-on-aerial-imagery/
Fully convolutional neural network (FCN) architecture for
semantic segmentation
 Localization and the use of context at the same time
Localization and the use of context at the
same time
 Input image with any size
 Added Simple Decoder (Upsampling + Conv)
 Removed Dense Layers
Input
image
tile
W - Input volume size
F – Receptive field size (Filter
Size)
P - Zero padding used on the
border
S - Stride
U-NET Architecture
http://deeplearning.net/software/theano/tutorial/conv_arithmetic.html
Output
segmentation map
(here 2 classes)
background and
foreground
Increase the “What”
Reduce the “Where”
Create high-resolution
segmentation map
Output Size (first conv)
= (572 – 3 +2*0)/1 + 1 = 570
→ 570 x 570
Output Size (second
conv)
= (570 – 3 +2*0)/1 + 1 = 568
→ 568 x 568
Concatenation with
high-resolution features
from contracting path
U-NET Strategy
Over-tile strategy for arbitrary large images
 Segmentation of the yellow area uses input data of the blue area
 Raw data extrapolation by mirroring
U-net Training
17
𝐸 = −
𝑥∈𝛺
𝑤 𝑥 𝑙𝑜𝑔(pl(x)(x) )
𝑝𝑘(𝑥) = exp 𝑎𝑘 𝑥 /
𝑘′=1
𝐾
exp(𝑎𝑘′ 𝑥 )
Soft-max:
Cross-Entropy loss function:
 𝑘- Feature channel
 𝑎𝑘(𝑥) - The activation in feature channel k at pixel position x
 𝑤(𝑥)- True label per a pixel
U-net Training
18
pixel-wise loss weight
 Force the network to learn the small separation borders that they
introduce between touching cells.
𝐰 𝒙 = 𝒘𝒄 𝒙 + 𝒘𝟎 𝒆𝒙𝒑 −
𝒅𝟏 𝒙 + 𝒅𝟐 𝒙
𝟐
𝟐𝝈𝟐
 𝑤𝑐 𝑥 - weight map to balance the class frequencies
 𝑤0 - 10 , 𝜎 ≈ 5 pixels
 𝑑1/𝑑2 - Distance to the border of the nearest cell / second nearest cell
Colors :different instances
Data Augmentation
https://lmb.informatik.uni-freiburg.de/people/ronneber/u-net/
Augment Training Data using Deformation
 Random elastic deformation of the training samples.
 Shift and rotation invariance of the training samples.
 They use random displacement vectors on 3 by 3 grid.
 The displacement are sampled from Gaussian distribution with standard
deviation of 10 pixels
U-net Training
20
Weights initialization
 Achieved by Gaussian distribution:
 A good initialization of the weights is extremely important
 Ideally the initial weights should be adapted such that each feature
map in the network has approximately unit variance)
𝟏 = 𝑽𝒂𝒓
𝒊
𝑵
𝑿𝒊𝑾𝒊
𝝈𝒘 =
𝟏
𝑵
 For example: 3x3 convolution and 64 feature channels in the
previous layer 𝑁 = 3 ∗ 3 ∗ 64 = 576
𝝈𝒘 =
𝟐
𝑵
ReLU layers
ReLU unit is zero for non positive inputs
Experiments: First task
21
 The results of u-net is better than the sliding window convolutional
network which was the best one in 2012 until 2015.
Raw image Ground truth
EM segmentation challenge (since ISBI 2012)
Experiments :Second/Third task
22
DIC-Hela
PhC-U373
 Strong shape variations
 Weak outer borders, strong irrelevant inner borders
 Cytoplasm has same structure like background
ISBI cell tracking challenge 2015
Extending U-NET Architecture
23
Application scenarios for volumetric segmentation with the 3D u-net
Semi-automated segmentation
https://arxiv.org/abs/1606.06650
 The user annotates some slices of each volume to be segmented
 The network predicts the dense segmentation
Fully automated segmentation
 Trained with annotated slices
 Run on non-annotated volumes
Extending U-NET Architecture
24
 Voxel size of 1.76×1.76×2.04µm3
 Batch normalization (“BN”) before each ReLU
 3 × 3 × 3 convolutions, 2 × 2 × 2 max pooling, upconvolution of 2 × 2 × 2
https://arxiv.org/abs/1606.06650
Input: 132 × 132 × 116 voxel tile
Output: 44×44×28 voxel
Application scenarios for volumetric segmentation with the 3D u-net
Jun 2016
Extends the previous u-net
25
 Additional reconstruction layer
 LS is the softmax loss (standard cross entropy loss averaged over all pixels),
LR is the reconstruction loss (standard mean squared error)
https://ieeexplore.ieee.org/stamp/stamp.jsp?tp=&arnumber=7813160
shifted sigmoid
K = 50 was found to be sufficient
to ensure pre-training convergence
Unsupervised Pre-training for Fully Convolutional Neural Networks
(2016)
Summary and Conclusion
26
U-net advantages
 Flexible and can be used for any rational image masking task
 High accuracy (given proper training, dataset, and training time)
 Doesn’t contain any fully connected layers
 Faster than the sliding-window (1-sec per image)
 Proven to be very powerful segmentation tool in scenarios with limited data
 Succeeds to achieve very good performances on different biomedical
segmentation applications.
U-net disadvantages
 Larger images need high GPU memory.
 Takes significant amount of time to train (relatively many layers)
 Pre-trained models not widely available (it's too task specific)
27
Thank You!
END

More Related Content

What's hot

Find nuclei in images with U-net
Find nuclei in images with U-netFind nuclei in images with U-net
Find nuclei in images with U-netDing Li
 
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical AnalysisBrain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical AnalysisMD Abdullah Al Nasim
 
brain tumor detection by thresholding approach
brain tumor detection by thresholding approachbrain tumor detection by thresholding approach
brain tumor detection by thresholding approachSahil Prajapati
 
5 spatial filtering p1
5 spatial filtering p15 spatial filtering p1
5 spatial filtering p1Gichelle Amon
 
ResNet basics (Deep Residual Network for Image Recognition)
ResNet basics (Deep Residual Network for Image Recognition)ResNet basics (Deep Residual Network for Image Recognition)
ResNet basics (Deep Residual Network for Image Recognition)Sanjay Saha
 
[5분 논문요약] Structured Knowledge Distillation for Semantic Segmentation
[5분 논문요약] Structured Knowledge Distillation for Semantic Segmentation[5분 논문요약] Structured Knowledge Distillation for Semantic Segmentation
[5분 논문요약] Structured Knowledge Distillation for Semantic SegmentationSang Jun Lee
 
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)Universitat Politècnica de Catalunya
 
Image Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyImage Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyNUPUR YADAV
 
Liver segmentation using U-net: Practical issues @ SNU-TF
Liver segmentation using U-net: Practical issues @ SNU-TFLiver segmentation using U-net: Practical issues @ SNU-TF
Liver segmentation using U-net: Practical issues @ SNU-TFWonjoongCheon
 
Semantic Segmentation - Fully Convolutional Networks for Semantic Segmentation
Semantic Segmentation - Fully Convolutional Networks for Semantic SegmentationSemantic Segmentation - Fully Convolutional Networks for Semantic Segmentation
Semantic Segmentation - Fully Convolutional Networks for Semantic Segmentation岳華 杜
 
Image to image translation with Pix2Pix GAN
Image to image translation with Pix2Pix GANImage to image translation with Pix2Pix GAN
Image to image translation with Pix2Pix GANS.Shayan Daneshvar
 
Image Classification using deep learning
Image Classification using deep learning Image Classification using deep learning
Image Classification using deep learning Asma-AH
 
Object recognition of CIFAR - 10
Object recognition of CIFAR  - 10Object recognition of CIFAR  - 10
Object recognition of CIFAR - 10Ratul Alahy
 
VJAI Paper Reading#3-KDD2019-ClusterGCN
VJAI Paper Reading#3-KDD2019-ClusterGCNVJAI Paper Reading#3-KDD2019-ClusterGCN
VJAI Paper Reading#3-KDD2019-ClusterGCNDat Nguyen
 
Probabilistic PCA, EM, and more
Probabilistic PCA, EM, and moreProbabilistic PCA, EM, and more
Probabilistic PCA, EM, and morehsharmasshare
 

What's hot (20)

Find nuclei in images with U-net
Find nuclei in images with U-netFind nuclei in images with U-net
Find nuclei in images with U-net
 
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical AnalysisBrain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
 
brain tumor detection by thresholding approach
brain tumor detection by thresholding approachbrain tumor detection by thresholding approach
brain tumor detection by thresholding approach
 
5 spatial filtering p1
5 spatial filtering p15 spatial filtering p1
5 spatial filtering p1
 
ResNet basics (Deep Residual Network for Image Recognition)
ResNet basics (Deep Residual Network for Image Recognition)ResNet basics (Deep Residual Network for Image Recognition)
ResNet basics (Deep Residual Network for Image Recognition)
 
[5분 논문요약] Structured Knowledge Distillation for Semantic Segmentation
[5분 논문요약] Structured Knowledge Distillation for Semantic Segmentation[5분 논문요약] Structured Knowledge Distillation for Semantic Segmentation
[5분 논문요약] Structured Knowledge Distillation for Semantic Segmentation
 
U-Net (1).pptx
U-Net (1).pptxU-Net (1).pptx
U-Net (1).pptx
 
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
 
Image Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyImage Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A survey
 
Liver segmentation using U-net: Practical issues @ SNU-TF
Liver segmentation using U-net: Practical issues @ SNU-TFLiver segmentation using U-net: Practical issues @ SNU-TF
Liver segmentation using U-net: Practical issues @ SNU-TF
 
Semantic Segmentation - Fully Convolutional Networks for Semantic Segmentation
Semantic Segmentation - Fully Convolutional Networks for Semantic SegmentationSemantic Segmentation - Fully Convolutional Networks for Semantic Segmentation
Semantic Segmentation - Fully Convolutional Networks for Semantic Segmentation
 
Image to image translation with Pix2Pix GAN
Image to image translation with Pix2Pix GANImage to image translation with Pix2Pix GAN
Image to image translation with Pix2Pix GAN
 
Vgg
VggVgg
Vgg
 
Mask R-CNN
Mask R-CNNMask R-CNN
Mask R-CNN
 
Image Classification using deep learning
Image Classification using deep learning Image Classification using deep learning
Image Classification using deep learning
 
Image segmentation
Image segmentation Image segmentation
Image segmentation
 
Object recognition of CIFAR - 10
Object recognition of CIFAR  - 10Object recognition of CIFAR  - 10
Object recognition of CIFAR - 10
 
Morphological operations
Morphological operationsMorphological operations
Morphological operations
 
VJAI Paper Reading#3-KDD2019-ClusterGCN
VJAI Paper Reading#3-KDD2019-ClusterGCNVJAI Paper Reading#3-KDD2019-ClusterGCN
VJAI Paper Reading#3-KDD2019-ClusterGCN
 
Probabilistic PCA, EM, and more
Probabilistic PCA, EM, and moreProbabilistic PCA, EM, and more
Probabilistic PCA, EM, and more
 

Similar to UNetEliyaLaialy (2).pptx

International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)ijceronline
 
International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)ijceronline
 
Deep learning for image super resolution
Deep learning for image super resolutionDeep learning for image super resolution
Deep learning for image super resolutionPrudhvi Raj
 
Deep learning for image super resolution
Deep learning for image super resolutionDeep learning for image super resolution
Deep learning for image super resolutionPrudhvi Raj
 
Recent developments in Deep Learning
Recent developments in Deep LearningRecent developments in Deep Learning
Recent developments in Deep LearningBrahim HAMADICHAREF
 
Garbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning TechniquesGarbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning TechniquesIRJET Journal
 
RunPool: A Dynamic Pooling Layer for Convolution Neural Network
RunPool: A Dynamic Pooling Layer for Convolution Neural NetworkRunPool: A Dynamic Pooling Layer for Convolution Neural Network
RunPool: A Dynamic Pooling Layer for Convolution Neural NetworkPutra Wanda
 
DEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTIONDEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTIONIRJET Journal
 
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...ali hassan
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentationOwin Will
 
ImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural NetworksImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural NetworksWilly Marroquin (WillyDevNET)
 
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020Universitat Politècnica de Catalunya
 
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...rinzindorjej
 

Similar to UNetEliyaLaialy (2).pptx (20)

International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)
 
International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)
 
Mnist report
Mnist reportMnist report
Mnist report
 
Deep learning for image super resolution
Deep learning for image super resolutionDeep learning for image super resolution
Deep learning for image super resolution
 
Deep learning for image super resolution
Deep learning for image super resolutionDeep learning for image super resolution
Deep learning for image super resolution
 
Mnist report ppt
Mnist report pptMnist report ppt
Mnist report ppt
 
Recent developments in Deep Learning
Recent developments in Deep LearningRecent developments in Deep Learning
Recent developments in Deep Learning
 
Garbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning TechniquesGarbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning Techniques
 
RunPool: A Dynamic Pooling Layer for Convolution Neural Network
RunPool: A Dynamic Pooling Layer for Convolution Neural NetworkRunPool: A Dynamic Pooling Layer for Convolution Neural Network
RunPool: A Dynamic Pooling Layer for Convolution Neural Network
 
DEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTIONDEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTION
 
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentation
 
ImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural NetworksImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural Networks
 
deep CNN vs conventional ML
deep CNN vs conventional MLdeep CNN vs conventional ML
deep CNN vs conventional ML
 
ai7.ppt
ai7.pptai7.ppt
ai7.ppt
 
B.tech_project_ppt.pptx
B.tech_project_ppt.pptxB.tech_project_ppt.pptx
B.tech_project_ppt.pptx
 
N ns 1
N ns 1N ns 1
N ns 1
 
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
 
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
 
6119ijcsitce01
6119ijcsitce016119ijcsitce01
6119ijcsitce01
 

More from NoorUlHaq47

Amazon EC2 is a web service provided by Amazon Web Services (AWS) that offers...
Amazon EC2 is a web service provided by Amazon Web Services (AWS) that offers...Amazon EC2 is a web service provided by Amazon Web Services (AWS) that offers...
Amazon EC2 is a web service provided by Amazon Web Services (AWS) that offers...NoorUlHaq47
 
outcomebasededucation-191011150604.pptx
outcomebasededucation-191011150604.pptxoutcomebasededucation-191011150604.pptx
outcomebasededucation-191011150604.pptxNoorUlHaq47
 
confusion-matrix-180121133502.pptx
confusion-matrix-180121133502.pptxconfusion-matrix-180121133502.pptx
confusion-matrix-180121133502.pptxNoorUlHaq47
 
U-Netpresentation.pptx
U-Netpresentation.pptxU-Netpresentation.pptx
U-Netpresentation.pptxNoorUlHaq47
 
ImageSegmentation (1).ppt
ImageSegmentation (1).pptImageSegmentation (1).ppt
ImageSegmentation (1).pptNoorUlHaq47
 

More from NoorUlHaq47 (6)

Amazon EC2 is a web service provided by Amazon Web Services (AWS) that offers...
Amazon EC2 is a web service provided by Amazon Web Services (AWS) that offers...Amazon EC2 is a web service provided by Amazon Web Services (AWS) that offers...
Amazon EC2 is a web service provided by Amazon Web Services (AWS) that offers...
 
outcomebasededucation-191011150604.pptx
outcomebasededucation-191011150604.pptxoutcomebasededucation-191011150604.pptx
outcomebasededucation-191011150604.pptx
 
confusion-matrix-180121133502.pptx
confusion-matrix-180121133502.pptxconfusion-matrix-180121133502.pptx
confusion-matrix-180121133502.pptx
 
U-Netpresentation.pptx
U-Netpresentation.pptxU-Netpresentation.pptx
U-Netpresentation.pptx
 
ImageSegmentation (1).ppt
ImageSegmentation (1).pptImageSegmentation (1).ppt
ImageSegmentation (1).ppt
 
SVM (2).ppt
SVM (2).pptSVM (2).ppt
SVM (2).ppt
 

Recently uploaded

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
 
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdfEnzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdfSumit Tiwari
 
DATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersDATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersSabitha Banu
 
Difference Between Search & Browse Methods in Odoo 17
Difference Between Search & Browse Methods in Odoo 17Difference Between Search & Browse Methods in Odoo 17
Difference Between Search & Browse Methods in Odoo 17Celine George
 
Historical philosophical, theoretical, and legal foundations of special and i...
Historical philosophical, theoretical, and legal foundations of special and i...Historical philosophical, theoretical, and legal foundations of special and i...
Historical philosophical, theoretical, and legal foundations of special and i...jaredbarbolino94
 
How to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxHow to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxmanuelaromero2013
 
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
 
What is Model Inheritance in Odoo 17 ERP
What is Model Inheritance in Odoo 17 ERPWhat is Model Inheritance in Odoo 17 ERP
What is Model Inheritance in Odoo 17 ERPCeline George
 
Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...Jisc
 
Roles & Responsibilities in Pharmacovigilance
Roles & Responsibilities in PharmacovigilanceRoles & Responsibilities in Pharmacovigilance
Roles & Responsibilities in PharmacovigilanceSamikshaHamane
 
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxiammrhaywood
 
Employee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptxEmployee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptxNirmalaLoungPoorunde1
 
Proudly South Africa powerpoint Thorisha.pptx
Proudly South Africa powerpoint Thorisha.pptxProudly South Africa powerpoint Thorisha.pptx
Proudly South Africa powerpoint Thorisha.pptxthorishapillay1
 
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
 
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
 
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
 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon AUnboundStockton
 

Recently uploaded (20)

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
 
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdfEnzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
 
Model Call Girl in Bikash Puri Delhi reach out to us at 🔝9953056974🔝
Model Call Girl in Bikash Puri  Delhi reach out to us at 🔝9953056974🔝Model Call Girl in Bikash Puri  Delhi reach out to us at 🔝9953056974🔝
Model Call Girl in Bikash Puri Delhi reach out to us at 🔝9953056974🔝
 
DATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersDATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginners
 
Difference Between Search & Browse Methods in Odoo 17
Difference Between Search & Browse Methods in Odoo 17Difference Between Search & Browse Methods in Odoo 17
Difference Between Search & Browse Methods in Odoo 17
 
Historical philosophical, theoretical, and legal foundations of special and i...
Historical philosophical, theoretical, and legal foundations of special and i...Historical philosophical, theoretical, and legal foundations of special and i...
Historical philosophical, theoretical, and legal foundations of special and i...
 
How to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxHow to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptx
 
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
 
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
 
What is Model Inheritance in Odoo 17 ERP
What is Model Inheritance in Odoo 17 ERPWhat is Model Inheritance in Odoo 17 ERP
What is Model Inheritance in Odoo 17 ERP
 
Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...
 
Roles & Responsibilities in Pharmacovigilance
Roles & Responsibilities in PharmacovigilanceRoles & Responsibilities in Pharmacovigilance
Roles & Responsibilities in Pharmacovigilance
 
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
 
Employee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptxEmployee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptx
 
Proudly South Africa powerpoint Thorisha.pptx
Proudly South Africa powerpoint Thorisha.pptxProudly South Africa powerpoint Thorisha.pptx
Proudly South Africa powerpoint Thorisha.pptx
 
Model Call Girl in Tilak Nagar Delhi reach out to us at 🔝9953056974🔝
Model Call Girl in Tilak Nagar Delhi reach out to us at 🔝9953056974🔝Model Call Girl in Tilak Nagar Delhi reach out to us at 🔝9953056974🔝
Model Call Girl in Tilak Nagar Delhi reach out to us at 🔝9953056974🔝
 
Pharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfPharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdf
 
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
 
Solving Puzzles Benefits Everyone (English).pptx
Solving Puzzles Benefits Everyone (English).pptxSolving Puzzles Benefits Everyone (English).pptx
Solving Puzzles Benefits Everyone (English).pptx
 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon A
 

UNetEliyaLaialy (2).pptx

  • 1. Ben-Gurion University of the Negev Deep Learning Image Processing 2018 Eliya Ben Avraham & Laialy Darwesh U-Net: Convolutional Networks for Biomedical Image Segmentation Olaf Ronneberger, Philipp Fischer, and Thomas Brox University of Freiburg, Germany 1 https://arxiv.org/pdf/1505.04597.pdf
  • 2.  Introduction  Motivation  Previous work  U-NET architecture  U-NET Training  Data Augmentation  Experiments  Extending U-NET  Conclusion Topics 2
  • 3. Convolutional Neural Networks (CNN) Introduction 3 https://www.mathworks.com/videos/introduction-to-deep-learning-what-are-convolutional-neural-networks--1489512765771.html https://leonardoaraujosantos.gitbooks.io/artificial-inteligence/content/convolutional_neural_networks.html  The fewer number of connections and weights make convolutional layers relatively cheap (vs full connect) in terms of memory and compute power needed.  Convolutional networks make the assumption of locality, and hence are more powerful
  • 4. Introduction 4 http://deeplearning.net/software/theano/tutorial/conv_arithmetic.html https://sites.google.com/site/nttrungmtwiki/home/it/data-science---python/tensorflow/tensorflow-and-deep-learning-part-3?tmpl=%2Fsystem%2Fapp%2Ftemplates%2Fprint%2F&showPrintDialog=1 Convolution Layer W - Input volume size F – Receptive field size (Filter Size) P - Zero padding used on the border S - Stride Output Size = (W−F+2P)/S+1 0 1 2 2 2 0 0 1 2 kernel  Padding = 0  Strides = 1 Output Size = (5−3+2∗0)/1+1 = 3
  • 5. Introduction 5 https://www.saagie.com/blog/object-detection-part1  The use of convolutional networks is on classification tasks where the output to typical image is a single class label. A class label is supposed to be assigned to each pixel.  In many visual tasks, especially in biomedical image processing, the desired output should include localization
  • 6. Introduction 6 http://cs231n.stanford.edu/slides/2016/winter1516_lecture13.pdf  Label every pixel!  Don’t differentiate instances  Classic computer vision problem Pixel-wise Semantic Segmentation
  • 7. Main Motivation https://lmb.informatik.uni-freiburg.de/people/ronneber/u-net/ Biomedical Image Segmentation with U-net  For example AlexNet:  8 layers and millions of parameters on on the ImageNet dataset  1 million training images  Thousands of training images are usually beyond reach in biomedical task  The desired output should include localization
  • 8. Main Motivation https://lmb.informatik.uni-freiburg.de/people/ronneber/u-net/ Biomedical Image Segmentation with U-net U-Net Input image Output segmentation map  U-net learns segmentation in and end-to-end setting  Vary few annotated images (approx. 30 per application)  Touching objects of the same class IEEE International Symposium on Biomedical Imaging (ISBI 2015)
  • 9. First Task 9 Ciresan, D.C., Gambardella, L.M., Giusti, A., Schmidhuber, J.: Deep neural net- works segment neuronal membranes in electron microscopy images. In: NIPS. pp. 2852{2860 (2012) Predict the class label of each pixel  Stacks of Electron microscopy (EM) images  EM segmentation challenge at ISBI 2012  30 training images Training stack Ground truth Black - neuron membranes White - cells
  • 10. Second Task 10 ISBI 2015- separation of touching objects of the same class  Light microscopic images (recorded by phase contrast microscopy)  Part of the ISBI cell tracking challenge 2014 and 2015 Raw image (HeLa cells) Generated segmentation mask (white:foreground, black:background) Ground truth segmentation.
  • 12. Previous work Ciresan, D.C., Gambardella, L.M., Giusti, A., Schmidhuber, J.: Deep neural net- works segment neuronal membranes in electron microscopy images. The winner (ISBI 2012) (Ciresan et al.)  Trained a network in a sliding-window (local region (patch) around that pixel) x Slow because the network must be run separately for each patch  This network can localize Deep Neural Netwok  The training data in terms of patches is much larger than the number of training images x There is a lot of redundancy
  • 13. Previous work Ciresan, D.C., Gambardella, L.M., Giusti, A., Schmidhuber, J.: Deep neural net- works segment neuronal membranes in electron microscopy images. In: NIPS. pp. 2852{2860(2012) The winner (ISBI 2012)  Trade-off between localization accuracy and the use of context. Larger patches: Require more max-pooling layers → reduce the localization accuracy Small patches: Allow the network to see only little context We want a good localization and the use of context at the same time Deep Neural Netwok
  • 14. Previous work (Inspiration) https://www.azavea.com/blog/2017/05/30/deep-learning-on-aerial-imagery/ Fully convolutional neural network (FCN) architecture for semantic segmentation  Localization and the use of context at the same time Localization and the use of context at the same time  Input image with any size  Added Simple Decoder (Upsampling + Conv)  Removed Dense Layers
  • 15. Input image tile W - Input volume size F – Receptive field size (Filter Size) P - Zero padding used on the border S - Stride U-NET Architecture http://deeplearning.net/software/theano/tutorial/conv_arithmetic.html Output segmentation map (here 2 classes) background and foreground Increase the “What” Reduce the “Where” Create high-resolution segmentation map Output Size (first conv) = (572 – 3 +2*0)/1 + 1 = 570 → 570 x 570 Output Size (second conv) = (570 – 3 +2*0)/1 + 1 = 568 → 568 x 568 Concatenation with high-resolution features from contracting path
  • 16. U-NET Strategy Over-tile strategy for arbitrary large images  Segmentation of the yellow area uses input data of the blue area  Raw data extrapolation by mirroring
  • 17. U-net Training 17 𝐸 = − 𝑥∈𝛺 𝑤 𝑥 𝑙𝑜𝑔(pl(x)(x) ) 𝑝𝑘(𝑥) = exp 𝑎𝑘 𝑥 / 𝑘′=1 𝐾 exp(𝑎𝑘′ 𝑥 ) Soft-max: Cross-Entropy loss function:  𝑘- Feature channel  𝑎𝑘(𝑥) - The activation in feature channel k at pixel position x  𝑤(𝑥)- True label per a pixel
  • 18. U-net Training 18 pixel-wise loss weight  Force the network to learn the small separation borders that they introduce between touching cells. 𝐰 𝒙 = 𝒘𝒄 𝒙 + 𝒘𝟎 𝒆𝒙𝒑 − 𝒅𝟏 𝒙 + 𝒅𝟐 𝒙 𝟐 𝟐𝝈𝟐  𝑤𝑐 𝑥 - weight map to balance the class frequencies  𝑤0 - 10 , 𝜎 ≈ 5 pixels  𝑑1/𝑑2 - Distance to the border of the nearest cell / second nearest cell Colors :different instances
  • 19. Data Augmentation https://lmb.informatik.uni-freiburg.de/people/ronneber/u-net/ Augment Training Data using Deformation  Random elastic deformation of the training samples.  Shift and rotation invariance of the training samples.  They use random displacement vectors on 3 by 3 grid.  The displacement are sampled from Gaussian distribution with standard deviation of 10 pixels
  • 20. U-net Training 20 Weights initialization  Achieved by Gaussian distribution:  A good initialization of the weights is extremely important  Ideally the initial weights should be adapted such that each feature map in the network has approximately unit variance) 𝟏 = 𝑽𝒂𝒓 𝒊 𝑵 𝑿𝒊𝑾𝒊 𝝈𝒘 = 𝟏 𝑵  For example: 3x3 convolution and 64 feature channels in the previous layer 𝑁 = 3 ∗ 3 ∗ 64 = 576 𝝈𝒘 = 𝟐 𝑵 ReLU layers ReLU unit is zero for non positive inputs
  • 21. Experiments: First task 21  The results of u-net is better than the sliding window convolutional network which was the best one in 2012 until 2015. Raw image Ground truth EM segmentation challenge (since ISBI 2012)
  • 22. Experiments :Second/Third task 22 DIC-Hela PhC-U373  Strong shape variations  Weak outer borders, strong irrelevant inner borders  Cytoplasm has same structure like background ISBI cell tracking challenge 2015
  • 23. Extending U-NET Architecture 23 Application scenarios for volumetric segmentation with the 3D u-net Semi-automated segmentation https://arxiv.org/abs/1606.06650  The user annotates some slices of each volume to be segmented  The network predicts the dense segmentation Fully automated segmentation  Trained with annotated slices  Run on non-annotated volumes
  • 24. Extending U-NET Architecture 24  Voxel size of 1.76×1.76×2.04µm3  Batch normalization (“BN”) before each ReLU  3 × 3 × 3 convolutions, 2 × 2 × 2 max pooling, upconvolution of 2 × 2 × 2 https://arxiv.org/abs/1606.06650 Input: 132 × 132 × 116 voxel tile Output: 44×44×28 voxel Application scenarios for volumetric segmentation with the 3D u-net Jun 2016
  • 25. Extends the previous u-net 25  Additional reconstruction layer  LS is the softmax loss (standard cross entropy loss averaged over all pixels), LR is the reconstruction loss (standard mean squared error) https://ieeexplore.ieee.org/stamp/stamp.jsp?tp=&arnumber=7813160 shifted sigmoid K = 50 was found to be sufficient to ensure pre-training convergence Unsupervised Pre-training for Fully Convolutional Neural Networks (2016)
  • 26. Summary and Conclusion 26 U-net advantages  Flexible and can be used for any rational image masking task  High accuracy (given proper training, dataset, and training time)  Doesn’t contain any fully connected layers  Faster than the sliding-window (1-sec per image)  Proven to be very powerful segmentation tool in scenarios with limited data  Succeeds to achieve very good performances on different biomedical segmentation applications. U-net disadvantages  Larger images need high GPU memory.  Takes significant amount of time to train (relatively many layers)  Pre-trained models not widely available (it's too task specific)

Editor's Notes

  1. In the last layer there are 2 channels (1 for background and one for foreground)
  2. Left: the training stack (one slice shown). Right: corresponding ground truth; black lines denote neuron membranes. Note complexity of image appearance.
  3. Fig. 3. HeLa cells on glass recorded with DIC (dierential interference contrast) mi- croscopy. (a) raw image. (b) overlay with ground truth segmentation. Dierent colors indicate dierent instances of the HeLa cells. (c) generated segmentation mask (white: foreground, black: background). (d) map with a pixel-wise loss weight to force the network to learn the border pixels.
  4. Fig. 3. HeLa cells on glass recorded with DIC (dierential interference contrast) mi- croscopy. (a) raw image. (b) overlay with ground truth segmentation. Dierent colors indicate dierent instances of the HeLa cells. (c) generated segmentation mask (white: foreground, black: background). (d) map with a pixel-wise loss weight to force the network to learn the border pixels.
  5.  IEEE International Symposium on Biomedical Imaging (ISBI)
  6.  IEEE International Symposium on Biomedical Imaging (ISBI)
  7. In the last layer there are 2 channels (1 for background and one for foreground)
  8. In the last layer there are 2 channels (1 for background and one for foreground)
  9. In the last layer there are 2 channels (1 for background and one for foreground)
  10. Example: if 3*3 convolution and 64 feature channels in the previous layer then N = 9.64=576
  11. https://spark-in.me/post/unet-adventures-part-one-getting-acquainted-with-unet
  12. https://spark-in.me/post/unet-adventures-part-one-getting-acquainted-with-unet