SlideShare ist ein Scribd-Unternehmen logo
1 von 59
Downloaden Sie, um offline zu lesen
SKIN LESION DETECTION FROM
DERMOSCOPIC IMAGES USING
CONVOLUTIONAL NEURAL
NETWORKS
Adrià Romero López Oge Marques Xavier Giró-i.Nieto
AUTHOR ADVISORS
Acknowledgments
2
MIDDLE Research
Group
Víctor Campos Albert Gil
Jack Burdick Janet Weinthal Adam Lovett
Oge Marques Borko Furht Xavier Giró-i.Nieto Albert Jiménez
‘’
Outline
3
1. Motivation
2. State of the art
3. Methodology
4. Experimental Results
5. Conclusions
1.
Motivation
4
Background of the problem
▣ Skin cancer: most predominant type of cancer
▣ The frequency of melanoma doubles every 20 years
▣ Each year (in USA):
□ 76,380 new cases of melanoma
□ 6,750 deaths
▣ Melanoma is a deadly form of skin cancer, but survival rates
are high if detected and diagnosed early
▣ Melanoma detection: rely on hand-crafted features
□ ABCDE rule (Asymmetry, Border, Color, Dermoscopic
structure, and Evolving)
□ CASH rule (Color, Architecture, Symmetry, and
Homogeneity)
5
Background of the problem
▣ Discriminating between benign and malignant skin lesions is
challenging
▣ Without computer-based assistance: 60~80% detection
accuracy
6
Scope and goals
▣ Scope:
□ Assist physicians in classifying skin lesions (especially in
melanoma detection: 2-class classifier problem)
▣ Goal:
□ Use state-of-the-art techniques, called Deep Learning, to
design an intelligent medical imaging-based skin lesion
diagnosis system
□ Achieve (or improve upon) state-of-the-art results for:
■ skin lesion segmentation, and
■ skin lesion classification
□ Evaluate the impact of skin lesion segmentation on the
accuracy of the classifier
7
Hypothesis
Previous segmentation of an image
containing a skin lesion (i.e., isolating the
lesion from the background) improves the
accuracy and sensitivity of a Deep Learning
classification model approach.
Challenges
▣ Dermoscopic images may:
■ Contain artifacts, such as: moles, freckles, hair,
patches, shading and noise.
■ Present low contrast images between lesion and
background
■ Contain multiple skin lesions
9
Related work
•Typical block diagram (Non-Deep Learning approach from
[Glaister2013])
10
2.
State of the art
11
State-of-the-art hierarchy
12
CNNs
Deep learning motivation
▣ Image representations to:
□ Image classification
□ Object detection and recognition
□ Semantic Segmentation
13
Self-driving cars[Goodfellow et al. 2014]
[Ciresan et al. 2013]
[Turaga et al 2010]
Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy
Supervised learning
14
[Car] [Dog]
Parameters
Slide credit: “Artificial Intelligence, revealed” by Facebook Research
Why deep learning now?
15
Large datasets GPUs (Graphics
Processing Unit)
* Not applicable to medical imaging
[Deng et al. Russakovsky et al.]
[NVIDIA et al.]
Framework
Convolutional Neural Networks
16
Some
input
vector
(our
images).
Also known as ConvNets or CNNs
Our class
label
▣ Convolutional Layers
▣ Activation Layers
▣ Pooling Layers
Convolution layer
17
32
32
3
5x5x3 filter
32x32x3 image
Convolve the filter with the image
i.e. “slide over the image spatially,
computing dot products”
Filters always extend the full
depth of the input volume
Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy
Convolution layer
18
32
32
3
32x32x3 image
1 number:
the result of taking a dot product between the
filter and a small 5x5x3 chunk of the image
(i.e. 5*5*3 = 75-dimensional dot product + bias)
Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy
Linear function
5x5x3 filter → weights
(Learnt by
Backpropagation algorithms)
Activation layer
19
32
32
3
32x32x3 image
5x5x3 filter
Convolve (slide) over all
spatial locations
ReLU
(Rectified
Linear Units)
1
28
28
Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy
activation map
Pooling layer
▣ Undersampling task
□ Makes the representation smaller and more
manageable
□ Operates over each activation map independently
20
Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy
Fully-Connected (FC) layer
21
Main scheme
22
Input image
[Yann LeCun et al.]
Main scheme
23
1. Convolutional Layers
2. Activation Layer
3. Pooling Layers
[Yann LeCun et al.]
Main scheme
24
[Yann LeCun et al.]
Fully-Connected Layer
Main scheme
25
[Yann LeCun et al.]
Output label
ConvNets for classification
▣ Classification → Scoring:
□ The CNN computes a class score {float} to each
image
□ This score will be related to a class label {integer}
26
[224x224x3]
f Class scores,
indicating class labels
training
Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy
ConvNets for segmentation
▣ Segmentation → Localization:
□ The CNN assigns a class label to each pixel (classify
all pixels)
■ {0,1} → {absence of object, presence of object}
□
27
Slide credit: CS231n
ConvNets for segmentation
28
Slide credit: CS231n
▣ Upsampling
□ From labels {1x1} to Segmented Image {224x224} px
Transfer learning
29
1. Train on
Imagenet
3. Medium dataset:
finetuning
more data = retrain more of
the network (or all of it)
2. Small dataset:
feature extractor
Freeze these
Train this
Freeze these
Train this
Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy
Medical Imaging case
3.
Methodology
30
Framework
▣ Python environment:
□ Keras - Deep Learning Library for Theano or TensorFlow
□ OpenCV / PIL (Python Imaging Library)
□ SciPy (Library for Mathematics, Science and Engineering)
□ Scikit-learn (Machine Learning Library)
□ CUDA library for the GPUs
31
+ =
ISIC Archive dataset
▣ ISBI 2016 Challenge dataset
□ Skin Lesion Analysis towards melanoma detection
□ 1279 RGB images
□ Labeled as either benign or malignant
□ Includes the binary mask for each image
32
Class
Benign Malignant Total Images
Training subset 727 173 900
Validation subset 304 75 379
0 → outside lesion area
255 → inside lesion area
Binary mask
Method scheme
33
Data augmentation
▣ Enlarge our few training examples:
□ Re-scaling
□ 40 degrees rotations
□ Horizontal shifts
□ Zooming
□ Horizontal flips
34
Original image Random transformations
Preprocessing
▣ Mean subtraction: X -= np.mean(X, axis = 0)
▣ Image Normalization: X /= np.std(X, axis = 0)
▣ Image cropping & resizing
□ Segmentation model: 64 x 80 px
□ Classification model: 224 x 224 px
35
Segmentation model: U-Net architecture
36
▣ Convolutional Networks for Biomedical Image
Segmentation by Olaf Ronneberger et al.
Binary Mask
Segmentation model: training parameters
37
▣ U-Net trained from scratch (small image size)
▣ Weights randomly initialized
▣ Loss function:
□ Dice coefficient
▣ Adam optimizer (Stochastic gradient-based
optimization):
□ Learning rate: 10e-5
▣ Batch size: 32
▣ Training epochs: 500 epochs
▣ 13 sec / epoch on NVidia GeForce GTX TITAN X GPU
Objective
To verify our hypothesis:
1. Unaltered lesion classification
2. Perfectly segmented lesion classification
3. Automatically segmented lesion classification
38
Logical
AND
operation
Logical
AND
operation
Original Binary Mask (perfect)
Binary Mask obtained with the U-Net
Previous segmentation
of the skin lesion
improves the accuracy
and sensitivity of a Deep
Learning classification
model.
(1)
(2)
(3)
Method Scheme (reminder)
39
Classification Model: VGG-16 Architecture
40
▣ Five Convolutional
Blocks (2D conv.)
▣ 3 x 3 receptive field
▣ ReLU as Activation
Functions
▣ Max-Pooling
▣ Classifier block:
□ 3 FC Layers at the top
of the network
Fine-tuning the VGG-16 Architecture
41
▣ Weights
initialized with
the VGG-16
pretrained on
Imagenet
dataset
▣ Freeze bottom
of the network
▣ Just train the
top of the
VGG-16 Train this
41
Freeze these
Classification Model: Loss function
▣ Problem: ISIC dataset classes not balanced
□ Validation subset:
■ 304 benign images
■ 75 malignant images
▣ Weighted Loss function:
where ρ is defined as 1−frequency appearance (minor class)
42
Classification Model: Training parameters
43
▣ VGG-16 fine-tuned
▣ Weights initialized with the VGG-16 pretrained on
Imagenet dataset
▣ Loss function:
□ Weighted Loss function
▣ SGD optimizer (Stochastic gradient-based
optimization):
□ Learning rate: 10e-5
▣ Batch size: 32
▣ Training epochs: 50 epochs
▣ 35 sec / epoch on NVidia GeForce GTX TITAN X GPU
Overfitting
▣ When a model fits the training data too well
□ Noise in the training data is learned by the model
▣ How to prevent it?
□ Dropout
□ Choosing a reduced network (VGG-16 with 138M
param. rather than VGG-19 with 144M param.)
44
4.
Experimental
Results
45
Segmentation Evaluation
47
Participant Accuracy Dice Coef. Jaccard
Index
Sensitivity Specificity
MIDDLE
group
0.9176 0.8689 0.9176 0.9301 0.9544
▣ Comparing pixel by
pixel of each masks:
Ground truth Mask obtained
JACCARD INDEX:
Segmentation Examples
50
▣ Satisfactory segmentation examples
▣ Poor segmentation examples
Classification Evaluation
51
Model Accuracy Loss Sensitivity Precision
Unaltered lesion
clas.
0.8469 0.4723 0.8243 0.9523
Perfectly
segmented
lesion clas.
0.8390 0.4958 0.8648 0.9621
Automatically
segmented
lesion clas.
0.8174 0.5144 0.8918 0.9681
Classification Evaluation
52
Model Accuracy Loss Sensitivity Precision
Unaltered lesion
clas.
0.8469 0.4723 0.8243 0.9523
Perfectly
segmented
lesion clas.
0.8390 0.4958 0.8648 0.9621
Automatically
segmented
lesion clas.
0.8174 0.5144 0.8918 0.9681
▣ With segmentation
□ Accuracy decreases
□ Loss increases
Classification Evaluation
53
Model Accuracy Loss Sensitivity Precision
Unaltered lesion
clas.
0.8469 0.4723 0.8243 0.9523
Perfectly
segmented
lesion clas.
0.8390 0.4958 0.8648 0.9621
Automatically
segmented
lesion clas.
0.8174 0.5144
0.8918 0.9681
▣ But...with segmentation
□ Sensitivity increases !
□ Precision increases !
Classification Evaluation
54
Model Accuracy Loss Sensitivity Precision
Unaltered lesion
clas.
0.8469 0.4723 0.8243 0.9523
Perfectly
segmented
lesion clas.
0.8390 0.4958 0.8648 0.9621
Automatically
segmented
lesion clas.
0.8174 0.5144 0.8918 0.9681
▣ But...with segmentation:
□ Sensitivity increases !
□ Precision increases !
SENSITIVITY = TP / (TP + FN)
PRECISION = TP / (TP + FP)
Sensitivity in Medical Settings
▣ Sensitivity is often considered the most
important metric in the medical setting
▣ For early diagnosis
□ By missing a False Negatives (true melanoma case)
the model would fail in the early diagnosis
□ It is better to raise a False Positive than to create a
False Negative
55
Classification evaluation
56
Model Accuracy Loss Sensitivity Precision
Unaltered lesion
clas.
0.8469 0.4723 0.8243 0.9523
Perfectly
segmented
lesion clas.
0.8390 0.4958 0.8648 0.9621
Automatically
segmented
lesion clas.
0.8174 0.5144
0.8918 0.9681
▣ And the Automatically Segmented Model is
even BETTER than the Perfectly Segmented
□ Physicians can avoid Manual Segmentation tasks
Confusion Matrices
57
False Negatives descending
Unaltered Classifier Perfectly Classifier Segmented Classifier
Classification Examples
58
5.
Conclusions
59
Conclusions
▣ DL solution for assisting dermatologists with
the diagnosis of skin lesions
□ Specifically, for early melanoma detection
▣ Does a previous semantic segmentation
improve the performance of a fine-tuned CNN
for a 2-class classifier?
□ Hypothesis verified
▣ Perfect Segmentation was not needed to
obtain the best classification result of the
model
□ DL Segmentation approach obtained the best
sensitivity classification result
60
Conclusions
▣ BioMed 2017 Conference → Paper Accepted
□ Title: “Skin Lesion Classification from Dermoscopic
Images Using Deep Learning Techniques”
▣ SIIM 2017 Meeting → Paper Accepted
□ Title: “The Impact of Segmentation on the Accuracy
and Sensitivity of a Melanoma Classifier Based on Skin
Lesion Images”
▣ MICCAI 2017 Conference → Intention of Paper
▣ MIUA 2017 Conference → Intention of Paper
▣ ISBI 2017 Challenge → Intention of Participation
□ Skin Lesion Analysis Towards Melanoma Detection
61
Thanks!
Any questions?
62
You can find me at:

Weitere ähnliche Inhalte

Was ist angesagt?

Image feature extraction
Image feature extractionImage feature extraction
Image feature extractionRushin Shah
 
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION
PPT on BRAIN TUMOR detection in MRI images based on  IMAGE SEGMENTATION PPT on BRAIN TUMOR detection in MRI images based on  IMAGE SEGMENTATION
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION khanam22
 
Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...
Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...
Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...Seonho Park
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOswald Campesato
 
GAN - Theory and Applications
GAN - Theory and ApplicationsGAN - Theory and Applications
GAN - Theory and ApplicationsEmanuele Ghelfi
 
Fuzzy c-means clustering for image segmentation
Fuzzy c-means  clustering for image segmentationFuzzy c-means  clustering for image segmentation
Fuzzy c-means clustering for image segmentationDharmesh Patel
 
Back propagation
Back propagationBack propagation
Back propagationNagarajan
 
Brain tumor detection using image segmentation ppt
Brain tumor detection using image segmentation pptBrain tumor detection using image segmentation ppt
Brain tumor detection using image segmentation pptRoshini Vijayakumar
 
Brain Tumour Detection.pptx
Brain Tumour Detection.pptxBrain Tumour Detection.pptx
Brain Tumour Detection.pptxRevolverRaja2
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning TutorialAmr Rashed
 
Skin Cancer Detection Using Deep Learning Techniques
Skin Cancer Detection Using Deep Learning TechniquesSkin Cancer Detection Using Deep Learning Techniques
Skin Cancer Detection Using Deep Learning TechniquesIRJET Journal
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksChristian Perone
 
Feedforward neural network
Feedforward neural networkFeedforward neural network
Feedforward neural networkSopheaktra YONG
 
Melanoma Skin Cancer Detection using Image Processing and Machine Learning
Melanoma Skin Cancer Detection using Image Processing and Machine LearningMelanoma Skin Cancer Detection using Image Processing and Machine Learning
Melanoma Skin Cancer Detection using Image Processing and Machine Learningijtsrd
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learningleopauly
 
Facial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approachFacial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approachAshwinRachha
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Gaurav Mittal
 
Machine learning ppt.
Machine learning ppt.Machine learning ppt.
Machine learning ppt.ASHOK KUMAR
 
Statistical Pattern recognition(1)
Statistical Pattern recognition(1)Statistical Pattern recognition(1)
Statistical Pattern recognition(1)Syed Atif Naseem
 

Was ist angesagt? (20)

Image feature extraction
Image feature extractionImage feature extraction
Image feature extraction
 
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION
PPT on BRAIN TUMOR detection in MRI images based on  IMAGE SEGMENTATION PPT on BRAIN TUMOR detection in MRI images based on  IMAGE SEGMENTATION
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION
 
Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...
Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...
Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
GAN - Theory and Applications
GAN - Theory and ApplicationsGAN - Theory and Applications
GAN - Theory and Applications
 
Fuzzy c-means clustering for image segmentation
Fuzzy c-means  clustering for image segmentationFuzzy c-means  clustering for image segmentation
Fuzzy c-means clustering for image segmentation
 
Back propagation
Back propagationBack propagation
Back propagation
 
Brain tumor detection using image segmentation ppt
Brain tumor detection using image segmentation pptBrain tumor detection using image segmentation ppt
Brain tumor detection using image segmentation ppt
 
Brain Tumour Detection.pptx
Brain Tumour Detection.pptxBrain Tumour Detection.pptx
Brain Tumour Detection.pptx
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning Tutorial
 
Skin Cancer Detection Using Deep Learning Techniques
Skin Cancer Detection Using Deep Learning TechniquesSkin Cancer Detection Using Deep Learning Techniques
Skin Cancer Detection Using Deep Learning Techniques
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
Feedforward neural network
Feedforward neural networkFeedforward neural network
Feedforward neural network
 
Melanoma Skin Cancer Detection using Image Processing and Machine Learning
Melanoma Skin Cancer Detection using Image Processing and Machine LearningMelanoma Skin Cancer Detection using Image Processing and Machine Learning
Melanoma Skin Cancer Detection using Image Processing and Machine Learning
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Facial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approachFacial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approach
 
U-Net (1).pptx
U-Net (1).pptxU-Net (1).pptx
U-Net (1).pptx
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
Machine learning ppt.
Machine learning ppt.Machine learning ppt.
Machine learning ppt.
 
Statistical Pattern recognition(1)
Statistical Pattern recognition(1)Statistical Pattern recognition(1)
Statistical Pattern recognition(1)
 

Andere mochten auch

Lung capacity, tidal volume and mechanics of breathing
Lung capacity, tidal volume and mechanics of breathingLung capacity, tidal volume and mechanics of breathing
Lung capacity, tidal volume and mechanics of breathingmohamed alsawaf
 
YouTube-8M: A Large-Scale Video Classification Benchmark (UPC Reading Group)
YouTube-8M: A Large-Scale Video Classification Benchmark (UPC Reading Group)YouTube-8M: A Large-Scale Video Classification Benchmark (UPC Reading Group)
YouTube-8M: A Large-Scale Video Classification Benchmark (UPC Reading Group)Universitat Politècnica de Catalunya
 
Дизайн-долг в продуктовой и заказной разработке
Дизайн-долг в продуктовой и заказной разработкеДизайн-долг в продуктовой и заказной разработке
Дизайн-долг в продуктовой и заказной разработкеAndrew Shapiro
 
3Com 3C905B-FX(SC)-25PK
3Com 3C905B-FX(SC)-25PK3Com 3C905B-FX(SC)-25PK
3Com 3C905B-FX(SC)-25PKsavomir
 
Word Embeddings (D2L4 Deep Learning for Speech and Language UPC 2017)
Word Embeddings (D2L4 Deep Learning for Speech and Language UPC 2017)Word Embeddings (D2L4 Deep Learning for Speech and Language UPC 2017)
Word Embeddings (D2L4 Deep Learning for Speech and Language UPC 2017)Universitat Politècnica de Catalunya
 
Language Model (D3L1 Deep Learning for Speech and Language UPC 2017)
Language Model (D3L1 Deep Learning for Speech and Language UPC 2017)Language Model (D3L1 Deep Learning for Speech and Language UPC 2017)
Language Model (D3L1 Deep Learning for Speech and Language UPC 2017)Universitat Politècnica de Catalunya
 
Contabilidad de-costos.ppt [autoguardado]
Contabilidad de-costos.ppt [autoguardado]Contabilidad de-costos.ppt [autoguardado]
Contabilidad de-costos.ppt [autoguardado]Ines Zapiain
 
Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...
Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...
Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...Universitat Politècnica de Catalunya
 

Andere mochten auch (17)

Multi-label Remote Sensing Image Retrieval based on Deep Features
Multi-label Remote Sensing Image Retrieval based on Deep FeaturesMulti-label Remote Sensing Image Retrieval based on Deep Features
Multi-label Remote Sensing Image Retrieval based on Deep Features
 
Lung capacity, tidal volume and mechanics of breathing
Lung capacity, tidal volume and mechanics of breathingLung capacity, tidal volume and mechanics of breathing
Lung capacity, tidal volume and mechanics of breathing
 
YouTube-8M: A Large-Scale Video Classification Benchmark (UPC Reading Group)
YouTube-8M: A Large-Scale Video Classification Benchmark (UPC Reading Group)YouTube-8M: A Large-Scale Video Classification Benchmark (UPC Reading Group)
YouTube-8M: A Large-Scale Video Classification Benchmark (UPC Reading Group)
 
Deep Learning for Computer Vision: Deep Networks (UPC 2016)
Deep Learning for Computer Vision: Deep Networks (UPC 2016)Deep Learning for Computer Vision: Deep Networks (UPC 2016)
Deep Learning for Computer Vision: Deep Networks (UPC 2016)
 
Deep Learning for Computer Vision: ImageNet Challenge (UPC 2016)
Deep Learning for Computer Vision: ImageNet Challenge (UPC 2016)Deep Learning for Computer Vision: ImageNet Challenge (UPC 2016)
Deep Learning for Computer Vision: ImageNet Challenge (UPC 2016)
 
Deep Learning for Computer Vision: Object Detection (UPC 2016)
Deep Learning for Computer Vision: Object Detection (UPC 2016)Deep Learning for Computer Vision: Object Detection (UPC 2016)
Deep Learning for Computer Vision: Object Detection (UPC 2016)
 
Deep Learning for Computer Vision: Segmentation (UPC 2016)
Deep Learning for Computer Vision: Segmentation (UPC 2016)Deep Learning for Computer Vision: Segmentation (UPC 2016)
Deep Learning for Computer Vision: Segmentation (UPC 2016)
 
Дизайн-долг в продуктовой и заказной разработке
Дизайн-долг в продуктовой и заказной разработкеДизайн-долг в продуктовой и заказной разработке
Дизайн-долг в продуктовой и заказной разработке
 
3Com 3C905B-FX(SC)-25PK
3Com 3C905B-FX(SC)-25PK3Com 3C905B-FX(SC)-25PK
3Com 3C905B-FX(SC)-25PK
 
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
 
Word Embeddings (D2L4 Deep Learning for Speech and Language UPC 2017)
Word Embeddings (D2L4 Deep Learning for Speech and Language UPC 2017)Word Embeddings (D2L4 Deep Learning for Speech and Language UPC 2017)
Word Embeddings (D2L4 Deep Learning for Speech and Language UPC 2017)
 
Language Model (D3L1 Deep Learning for Speech and Language UPC 2017)
Language Model (D3L1 Deep Learning for Speech and Language UPC 2017)Language Model (D3L1 Deep Learning for Speech and Language UPC 2017)
Language Model (D3L1 Deep Learning for Speech and Language UPC 2017)
 
Deep Learning for Computer Vision: Image Classification (UPC 2016)
Deep Learning for Computer Vision: Image Classification (UPC 2016)Deep Learning for Computer Vision: Image Classification (UPC 2016)
Deep Learning for Computer Vision: Image Classification (UPC 2016)
 
Contabilidad de-costos.ppt [autoguardado]
Contabilidad de-costos.ppt [autoguardado]Contabilidad de-costos.ppt [autoguardado]
Contabilidad de-costos.ppt [autoguardado]
 
Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...
Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...
Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...
 
Speaker ID II (D4L1 Deep Learning for Speech and Language UPC 2017)
Speaker ID II (D4L1 Deep Learning for Speech and Language UPC 2017)Speaker ID II (D4L1 Deep Learning for Speech and Language UPC 2017)
Speaker ID II (D4L1 Deep Learning for Speech and Language UPC 2017)
 
Deep Learning for Computer Vision: Backward Propagation (UPC 2016)
Deep Learning for Computer Vision: Backward Propagation (UPC 2016)Deep Learning for Computer Vision: Backward Propagation (UPC 2016)
Deep Learning for Computer Vision: Backward Propagation (UPC 2016)
 

Ähnlich wie Skin Lesion Detection from Dermoscopic Images using Convolutional Neural Networks

物件偵測與辨識技術
物件偵測與辨識技術物件偵測與辨識技術
物件偵測與辨識技術CHENHuiMei
 
Introduction to object detection
Introduction to object detectionIntroduction to object detection
Introduction to object detectionAmar Jindal
 
Deep learning and its application
Deep learning and its applicationDeep learning and its application
Deep learning and its applicationSrishty Saha
 
#6 PyData Warsaw: Deep learning for image segmentation
#6 PyData Warsaw: Deep learning for image segmentation#6 PyData Warsaw: Deep learning for image segmentation
#6 PyData Warsaw: Deep learning for image segmentationMatthew Opala
 
Applications of Search-based Software Testing to Trustworthy Artificial Intel...
Applications of Search-based Software Testing to Trustworthy Artificial Intel...Applications of Search-based Software Testing to Trustworthy Artificial Intel...
Applications of Search-based Software Testing to Trustworthy Artificial Intel...Lionel Briand
 
Avihu Efrat's Viola and Jones face detection slides
Avihu Efrat's Viola and Jones face detection slidesAvihu Efrat's Viola and Jones face detection slides
Avihu Efrat's Viola and Jones face detection slideswolf
 
PR-433: Test-time Training with Masked Autoencoders
PR-433: Test-time Training with Masked AutoencodersPR-433: Test-time Training with Masked Autoencoders
PR-433: Test-time Training with Masked AutoencodersSunghoon Joo
 
Data Processing Using THEOS Satellite Imagery for Disaster Monitoring (Case S...
Data Processing Using THEOS Satellite Imagery for Disaster Monitoring (Case S...Data Processing Using THEOS Satellite Imagery for Disaster Monitoring (Case S...
Data Processing Using THEOS Satellite Imagery for Disaster Monitoring (Case S...NopphawanTamkuan
 
Semantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite ImagerySemantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite ImageryRAHUL BHOJWANI
 
“Fundamentals of Training AI Models for Computer Vision Applications,” a Pres...
“Fundamentals of Training AI Models for Computer Vision Applications,” a Pres...“Fundamentals of Training AI Models for Computer Vision Applications,” a Pres...
“Fundamentals of Training AI Models for Computer Vision Applications,” a Pres...Edge AI and Vision Alliance
 
Designed by Identity MLP
Designed by Identity MLP Designed by Identity MLP
Designed by Identity MLP butest
 
Computer Vision for Beginners
Computer Vision for BeginnersComputer Vision for Beginners
Computer Vision for BeginnersSanghamitra Deb
 
ML Paper Tutorial - Video Face Manipulation Detection Through Ensemble of CNN...
ML Paper Tutorial - Video Face Manipulation Detection Through Ensemble of CNN...ML Paper Tutorial - Video Face Manipulation Detection Through Ensemble of CNN...
ML Paper Tutorial - Video Face Manipulation Detection Through Ensemble of CNN...Pei-Yuan Chien
 
SPIE 10059-36(Reheman Baikejiang)
SPIE 10059-36(Reheman Baikejiang)SPIE 10059-36(Reheman Baikejiang)
SPIE 10059-36(Reheman Baikejiang)Reheman Baikejiang
 
Computer‐Aided Diagnosis of Breast Cancer Using Ensemble Convolutional Neural...
Computer‐Aided Diagnosis of Breast Cancer Using Ensemble Convolutional Neural...Computer‐Aided Diagnosis of Breast Cancer Using Ensemble Convolutional Neural...
Computer‐Aided Diagnosis of Breast Cancer Using Ensemble Convolutional Neural...Yan-Wei Lee
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer VisionSungjoon Choi
 
1-pytorch-CNN-RNN.pdf
1-pytorch-CNN-RNN.pdf1-pytorch-CNN-RNN.pdf
1-pytorch-CNN-RNN.pdfAndrey63387
 
Image Classification using deep learning
Image Classification using deep learning Image Classification using deep learning
Image Classification using deep learning Asma-AH
 

Ähnlich wie Skin Lesion Detection from Dermoscopic Images using Convolutional Neural Networks (20)

物件偵測與辨識技術
物件偵測與辨識技術物件偵測與辨識技術
物件偵測與辨識技術
 
Eye deep
Eye deepEye deep
Eye deep
 
Introduction to object detection
Introduction to object detectionIntroduction to object detection
Introduction to object detection
 
Deep learning and its application
Deep learning and its applicationDeep learning and its application
Deep learning and its application
 
#6 PyData Warsaw: Deep learning for image segmentation
#6 PyData Warsaw: Deep learning for image segmentation#6 PyData Warsaw: Deep learning for image segmentation
#6 PyData Warsaw: Deep learning for image segmentation
 
Applications of Search-based Software Testing to Trustworthy Artificial Intel...
Applications of Search-based Software Testing to Trustworthy Artificial Intel...Applications of Search-based Software Testing to Trustworthy Artificial Intel...
Applications of Search-based Software Testing to Trustworthy Artificial Intel...
 
Avihu Efrat's Viola and Jones face detection slides
Avihu Efrat's Viola and Jones face detection slidesAvihu Efrat's Viola and Jones face detection slides
Avihu Efrat's Viola and Jones face detection slides
 
PR-433: Test-time Training with Masked Autoencoders
PR-433: Test-time Training with Masked AutoencodersPR-433: Test-time Training with Masked Autoencoders
PR-433: Test-time Training with Masked Autoencoders
 
Data Processing Using THEOS Satellite Imagery for Disaster Monitoring (Case S...
Data Processing Using THEOS Satellite Imagery for Disaster Monitoring (Case S...Data Processing Using THEOS Satellite Imagery for Disaster Monitoring (Case S...
Data Processing Using THEOS Satellite Imagery for Disaster Monitoring (Case S...
 
Semantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite ImagerySemantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite Imagery
 
“Fundamentals of Training AI Models for Computer Vision Applications,” a Pres...
“Fundamentals of Training AI Models for Computer Vision Applications,” a Pres...“Fundamentals of Training AI Models for Computer Vision Applications,” a Pres...
“Fundamentals of Training AI Models for Computer Vision Applications,” a Pres...
 
Designed by Identity MLP
Designed by Identity MLP Designed by Identity MLP
Designed by Identity MLP
 
Computer Vision for Beginners
Computer Vision for BeginnersComputer Vision for Beginners
Computer Vision for Beginners
 
ML Paper Tutorial - Video Face Manipulation Detection Through Ensemble of CNN...
ML Paper Tutorial - Video Face Manipulation Detection Through Ensemble of CNN...ML Paper Tutorial - Video Face Manipulation Detection Through Ensemble of CNN...
ML Paper Tutorial - Video Face Manipulation Detection Through Ensemble of CNN...
 
SPIE 10059-36(Reheman Baikejiang)
SPIE 10059-36(Reheman Baikejiang)SPIE 10059-36(Reheman Baikejiang)
SPIE 10059-36(Reheman Baikejiang)
 
Computer‐Aided Diagnosis of Breast Cancer Using Ensemble Convolutional Neural...
Computer‐Aided Diagnosis of Breast Cancer Using Ensemble Convolutional Neural...Computer‐Aided Diagnosis of Breast Cancer Using Ensemble Convolutional Neural...
Computer‐Aided Diagnosis of Breast Cancer Using Ensemble Convolutional Neural...
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer Vision
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
1-pytorch-CNN-RNN.pdf
1-pytorch-CNN-RNN.pdf1-pytorch-CNN-RNN.pdf
1-pytorch-CNN-RNN.pdf
 
Image Classification using deep learning
Image Classification using deep learning Image Classification using deep learning
Image Classification using deep learning
 

Mehr von Universitat Politècnica de Catalunya

The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...Universitat Politècnica de Catalunya
 
Towards Sign Language Translation & Production | Xavier Giro-i-Nieto
Towards Sign Language Translation & Production | Xavier Giro-i-NietoTowards Sign Language Translation & Production | Xavier Giro-i-Nieto
Towards Sign Language Translation & Production | Xavier Giro-i-NietoUniversitat Politècnica de Catalunya
 
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...Universitat Politècnica de Catalunya
 
Generation of Synthetic Referring Expressions for Object Segmentation in Videos
Generation of Synthetic Referring Expressions for Object Segmentation in VideosGeneration of Synthetic Referring Expressions for Object Segmentation in Videos
Generation of Synthetic Referring Expressions for Object Segmentation in VideosUniversitat Politècnica de Catalunya
 
Learn2Sign : Sign language recognition and translation using human keypoint e...
Learn2Sign : Sign language recognition and translation using human keypoint e...Learn2Sign : Sign language recognition and translation using human keypoint e...
Learn2Sign : Sign language recognition and translation using human keypoint e...Universitat Politècnica de Catalunya
 
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
 
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...Universitat Politècnica de Catalunya
 
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020Universitat Politècnica de Catalunya
 
Generative Adversarial Networks GAN - Xavier Giro - UPC TelecomBCN Barcelona ...
Generative Adversarial Networks GAN - Xavier Giro - UPC TelecomBCN Barcelona ...Generative Adversarial Networks GAN - Xavier Giro - UPC TelecomBCN Barcelona ...
Generative Adversarial Networks GAN - Xavier Giro - UPC TelecomBCN Barcelona ...Universitat Politècnica de Catalunya
 
Q-Learning with a Neural Network - Xavier Giró - UPC Barcelona 2020
Q-Learning with a Neural Network - Xavier Giró - UPC Barcelona 2020Q-Learning with a Neural Network - Xavier Giró - UPC Barcelona 2020
Q-Learning with a Neural Network - Xavier Giró - UPC Barcelona 2020Universitat Politècnica de Catalunya
 
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)Universitat Politècnica de Catalunya
 
Image Segmentation with Deep Learning - Xavier Giro & Carles Ventura - ISSonD...
Image Segmentation with Deep Learning - Xavier Giro & Carles Ventura - ISSonD...Image Segmentation with Deep Learning - Xavier Giro & Carles Ventura - ISSonD...
Image Segmentation with Deep Learning - Xavier Giro & Carles Ventura - ISSonD...Universitat Politècnica de Catalunya
 

Mehr von Universitat Politècnica de Catalunya (20)

Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
 
Deep Generative Learning for All
Deep Generative Learning for AllDeep Generative Learning for All
Deep Generative Learning for All
 
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
 
Towards Sign Language Translation & Production | Xavier Giro-i-Nieto
Towards Sign Language Translation & Production | Xavier Giro-i-NietoTowards Sign Language Translation & Production | Xavier Giro-i-Nieto
Towards Sign Language Translation & Production | Xavier Giro-i-Nieto
 
The Transformer - Xavier Giró - UPC Barcelona 2021
The Transformer - Xavier Giró - UPC Barcelona 2021The Transformer - Xavier Giró - UPC Barcelona 2021
The Transformer - Xavier Giró - UPC Barcelona 2021
 
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...
 
Open challenges in sign language translation and production
Open challenges in sign language translation and productionOpen challenges in sign language translation and production
Open challenges in sign language translation and production
 
Generation of Synthetic Referring Expressions for Object Segmentation in Videos
Generation of Synthetic Referring Expressions for Object Segmentation in VideosGeneration of Synthetic Referring Expressions for Object Segmentation in Videos
Generation of Synthetic Referring Expressions for Object Segmentation in Videos
 
Discovery and Learning of Navigation Goals from Pixels in Minecraft
Discovery and Learning of Navigation Goals from Pixels in MinecraftDiscovery and Learning of Navigation Goals from Pixels in Minecraft
Discovery and Learning of Navigation Goals from Pixels in Minecraft
 
Learn2Sign : Sign language recognition and translation using human keypoint e...
Learn2Sign : Sign language recognition and translation using human keypoint e...Learn2Sign : Sign language recognition and translation using human keypoint e...
Learn2Sign : Sign language recognition and translation using human keypoint e...
 
Intepretability / Explainable AI for Deep Neural Networks
Intepretability / Explainable AI for Deep Neural NetworksIntepretability / Explainable AI for Deep Neural Networks
Intepretability / Explainable AI for Deep Neural Networks
 
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
 
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...
 
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020
 
Generative Adversarial Networks GAN - Xavier Giro - UPC TelecomBCN Barcelona ...
Generative Adversarial Networks GAN - Xavier Giro - UPC TelecomBCN Barcelona ...Generative Adversarial Networks GAN - Xavier Giro - UPC TelecomBCN Barcelona ...
Generative Adversarial Networks GAN - Xavier Giro - UPC TelecomBCN Barcelona ...
 
Q-Learning with a Neural Network - Xavier Giró - UPC Barcelona 2020
Q-Learning with a Neural Network - Xavier Giró - UPC Barcelona 2020Q-Learning with a Neural Network - Xavier Giró - UPC Barcelona 2020
Q-Learning with a Neural Network - Xavier Giró - UPC Barcelona 2020
 
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)
 
Image Segmentation with Deep Learning - Xavier Giro & Carles Ventura - ISSonD...
Image Segmentation with Deep Learning - Xavier Giro & Carles Ventura - ISSonD...Image Segmentation with Deep Learning - Xavier Giro & Carles Ventura - ISSonD...
Image Segmentation with Deep Learning - Xavier Giro & Carles Ventura - ISSonD...
 
Curriculum Learning for Recurrent Video Object Segmentation
Curriculum Learning for Recurrent Video Object SegmentationCurriculum Learning for Recurrent Video Object Segmentation
Curriculum Learning for Recurrent Video Object Segmentation
 
Deep Self-supervised Learning for All - Xavier Giro - X-Europe 2020
Deep Self-supervised Learning for All - Xavier Giro - X-Europe 2020Deep Self-supervised Learning for All - Xavier Giro - X-Europe 2020
Deep Self-supervised Learning for All - Xavier Giro - X-Europe 2020
 

Kürzlich hochgeladen

VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...SUHANI PANDEY
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Callshivangimorya083
 
Introduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxIntroduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxfirstjob4
 
Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxolyaivanovalion
 
Edukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxEdukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxolyaivanovalion
 
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptxBPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptxMohammedJunaid861692
 
Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz1
 
Data-Analysis for Chicago Crime Data 2023
Data-Analysis for Chicago Crime Data  2023Data-Analysis for Chicago Crime Data  2023
Data-Analysis for Chicago Crime Data 2023ymrp368
 
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779Delhi Call girls
 
Week-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionWeek-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionfulawalesam
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...amitlee9823
 
Smarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxSmarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxolyaivanovalion
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxolyaivanovalion
 
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort ServiceBDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort ServiceDelhi Call girls
 
BigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxBigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxolyaivanovalion
 
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...amitlee9823
 

Kürzlich hochgeladen (20)

(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
 
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
 
Introduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxIntroduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptx
 
Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptx
 
Edukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxEdukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFx
 
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts ServiceCall Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
 
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptxBPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
 
Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signals
 
Data-Analysis for Chicago Crime Data 2023
Data-Analysis for Chicago Crime Data  2023Data-Analysis for Chicago Crime Data  2023
Data-Analysis for Chicago Crime Data 2023
 
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
 
Week-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionWeek-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interaction
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
 
Smarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxSmarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptx
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptx
 
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort ServiceBDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
 
BigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxBigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptx
 
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
 
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 

Skin Lesion Detection from Dermoscopic Images using Convolutional Neural Networks

  • 1. SKIN LESION DETECTION FROM DERMOSCOPIC IMAGES USING CONVOLUTIONAL NEURAL NETWORKS Adrià Romero López Oge Marques Xavier Giró-i.Nieto AUTHOR ADVISORS
  • 2. Acknowledgments 2 MIDDLE Research Group Víctor Campos Albert Gil Jack Burdick Janet Weinthal Adam Lovett Oge Marques Borko Furht Xavier Giró-i.Nieto Albert Jiménez
  • 3. ‘’ Outline 3 1. Motivation 2. State of the art 3. Methodology 4. Experimental Results 5. Conclusions
  • 5. Background of the problem ▣ Skin cancer: most predominant type of cancer ▣ The frequency of melanoma doubles every 20 years ▣ Each year (in USA): □ 76,380 new cases of melanoma □ 6,750 deaths ▣ Melanoma is a deadly form of skin cancer, but survival rates are high if detected and diagnosed early ▣ Melanoma detection: rely on hand-crafted features □ ABCDE rule (Asymmetry, Border, Color, Dermoscopic structure, and Evolving) □ CASH rule (Color, Architecture, Symmetry, and Homogeneity) 5
  • 6. Background of the problem ▣ Discriminating between benign and malignant skin lesions is challenging ▣ Without computer-based assistance: 60~80% detection accuracy 6
  • 7. Scope and goals ▣ Scope: □ Assist physicians in classifying skin lesions (especially in melanoma detection: 2-class classifier problem) ▣ Goal: □ Use state-of-the-art techniques, called Deep Learning, to design an intelligent medical imaging-based skin lesion diagnosis system □ Achieve (or improve upon) state-of-the-art results for: ■ skin lesion segmentation, and ■ skin lesion classification □ Evaluate the impact of skin lesion segmentation on the accuracy of the classifier 7
  • 8. Hypothesis Previous segmentation of an image containing a skin lesion (i.e., isolating the lesion from the background) improves the accuracy and sensitivity of a Deep Learning classification model approach.
  • 9. Challenges ▣ Dermoscopic images may: ■ Contain artifacts, such as: moles, freckles, hair, patches, shading and noise. ■ Present low contrast images between lesion and background ■ Contain multiple skin lesions 9
  • 10. Related work •Typical block diagram (Non-Deep Learning approach from [Glaister2013]) 10
  • 11. 2. State of the art 11
  • 13. Deep learning motivation ▣ Image representations to: □ Image classification □ Object detection and recognition □ Semantic Segmentation 13 Self-driving cars[Goodfellow et al. 2014] [Ciresan et al. 2013] [Turaga et al 2010] Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy
  • 14. Supervised learning 14 [Car] [Dog] Parameters Slide credit: “Artificial Intelligence, revealed” by Facebook Research
  • 15. Why deep learning now? 15 Large datasets GPUs (Graphics Processing Unit) * Not applicable to medical imaging [Deng et al. Russakovsky et al.] [NVIDIA et al.] Framework
  • 16. Convolutional Neural Networks 16 Some input vector (our images). Also known as ConvNets or CNNs Our class label ▣ Convolutional Layers ▣ Activation Layers ▣ Pooling Layers
  • 17. Convolution layer 17 32 32 3 5x5x3 filter 32x32x3 image Convolve the filter with the image i.e. “slide over the image spatially, computing dot products” Filters always extend the full depth of the input volume Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy
  • 18. Convolution layer 18 32 32 3 32x32x3 image 1 number: the result of taking a dot product between the filter and a small 5x5x3 chunk of the image (i.e. 5*5*3 = 75-dimensional dot product + bias) Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy Linear function 5x5x3 filter → weights (Learnt by Backpropagation algorithms)
  • 19. Activation layer 19 32 32 3 32x32x3 image 5x5x3 filter Convolve (slide) over all spatial locations ReLU (Rectified Linear Units) 1 28 28 Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy activation map
  • 20. Pooling layer ▣ Undersampling task □ Makes the representation smaller and more manageable □ Operates over each activation map independently 20 Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy
  • 23. Main scheme 23 1. Convolutional Layers 2. Activation Layer 3. Pooling Layers [Yann LeCun et al.]
  • 24. Main scheme 24 [Yann LeCun et al.] Fully-Connected Layer
  • 25. Main scheme 25 [Yann LeCun et al.] Output label
  • 26. ConvNets for classification ▣ Classification → Scoring: □ The CNN computes a class score {float} to each image □ This score will be related to a class label {integer} 26 [224x224x3] f Class scores, indicating class labels training Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy
  • 27. ConvNets for segmentation ▣ Segmentation → Localization: □ The CNN assigns a class label to each pixel (classify all pixels) ■ {0,1} → {absence of object, presence of object} □ 27 Slide credit: CS231n
  • 28. ConvNets for segmentation 28 Slide credit: CS231n ▣ Upsampling □ From labels {1x1} to Segmented Image {224x224} px
  • 29. Transfer learning 29 1. Train on Imagenet 3. Medium dataset: finetuning more data = retrain more of the network (or all of it) 2. Small dataset: feature extractor Freeze these Train this Freeze these Train this Slide credit: Bay Area Deep Learning School Presentation by A. Karpathy Medical Imaging case
  • 31. Framework ▣ Python environment: □ Keras - Deep Learning Library for Theano or TensorFlow □ OpenCV / PIL (Python Imaging Library) □ SciPy (Library for Mathematics, Science and Engineering) □ Scikit-learn (Machine Learning Library) □ CUDA library for the GPUs 31 + =
  • 32. ISIC Archive dataset ▣ ISBI 2016 Challenge dataset □ Skin Lesion Analysis towards melanoma detection □ 1279 RGB images □ Labeled as either benign or malignant □ Includes the binary mask for each image 32 Class Benign Malignant Total Images Training subset 727 173 900 Validation subset 304 75 379 0 → outside lesion area 255 → inside lesion area Binary mask
  • 34. Data augmentation ▣ Enlarge our few training examples: □ Re-scaling □ 40 degrees rotations □ Horizontal shifts □ Zooming □ Horizontal flips 34 Original image Random transformations
  • 35. Preprocessing ▣ Mean subtraction: X -= np.mean(X, axis = 0) ▣ Image Normalization: X /= np.std(X, axis = 0) ▣ Image cropping & resizing □ Segmentation model: 64 x 80 px □ Classification model: 224 x 224 px 35
  • 36. Segmentation model: U-Net architecture 36 ▣ Convolutional Networks for Biomedical Image Segmentation by Olaf Ronneberger et al. Binary Mask
  • 37. Segmentation model: training parameters 37 ▣ U-Net trained from scratch (small image size) ▣ Weights randomly initialized ▣ Loss function: □ Dice coefficient ▣ Adam optimizer (Stochastic gradient-based optimization): □ Learning rate: 10e-5 ▣ Batch size: 32 ▣ Training epochs: 500 epochs ▣ 13 sec / epoch on NVidia GeForce GTX TITAN X GPU
  • 38. Objective To verify our hypothesis: 1. Unaltered lesion classification 2. Perfectly segmented lesion classification 3. Automatically segmented lesion classification 38 Logical AND operation Logical AND operation Original Binary Mask (perfect) Binary Mask obtained with the U-Net Previous segmentation of the skin lesion improves the accuracy and sensitivity of a Deep Learning classification model. (1) (2) (3)
  • 40. Classification Model: VGG-16 Architecture 40 ▣ Five Convolutional Blocks (2D conv.) ▣ 3 x 3 receptive field ▣ ReLU as Activation Functions ▣ Max-Pooling ▣ Classifier block: □ 3 FC Layers at the top of the network
  • 41. Fine-tuning the VGG-16 Architecture 41 ▣ Weights initialized with the VGG-16 pretrained on Imagenet dataset ▣ Freeze bottom of the network ▣ Just train the top of the VGG-16 Train this 41 Freeze these
  • 42. Classification Model: Loss function ▣ Problem: ISIC dataset classes not balanced □ Validation subset: ■ 304 benign images ■ 75 malignant images ▣ Weighted Loss function: where ρ is defined as 1−frequency appearance (minor class) 42
  • 43. Classification Model: Training parameters 43 ▣ VGG-16 fine-tuned ▣ Weights initialized with the VGG-16 pretrained on Imagenet dataset ▣ Loss function: □ Weighted Loss function ▣ SGD optimizer (Stochastic gradient-based optimization): □ Learning rate: 10e-5 ▣ Batch size: 32 ▣ Training epochs: 50 epochs ▣ 35 sec / epoch on NVidia GeForce GTX TITAN X GPU
  • 44. Overfitting ▣ When a model fits the training data too well □ Noise in the training data is learned by the model ▣ How to prevent it? □ Dropout □ Choosing a reduced network (VGG-16 with 138M param. rather than VGG-19 with 144M param.) 44
  • 46. Segmentation Evaluation 47 Participant Accuracy Dice Coef. Jaccard Index Sensitivity Specificity MIDDLE group 0.9176 0.8689 0.9176 0.9301 0.9544 ▣ Comparing pixel by pixel of each masks: Ground truth Mask obtained JACCARD INDEX:
  • 47. Segmentation Examples 50 ▣ Satisfactory segmentation examples ▣ Poor segmentation examples
  • 48. Classification Evaluation 51 Model Accuracy Loss Sensitivity Precision Unaltered lesion clas. 0.8469 0.4723 0.8243 0.9523 Perfectly segmented lesion clas. 0.8390 0.4958 0.8648 0.9621 Automatically segmented lesion clas. 0.8174 0.5144 0.8918 0.9681
  • 49. Classification Evaluation 52 Model Accuracy Loss Sensitivity Precision Unaltered lesion clas. 0.8469 0.4723 0.8243 0.9523 Perfectly segmented lesion clas. 0.8390 0.4958 0.8648 0.9621 Automatically segmented lesion clas. 0.8174 0.5144 0.8918 0.9681 ▣ With segmentation □ Accuracy decreases □ Loss increases
  • 50. Classification Evaluation 53 Model Accuracy Loss Sensitivity Precision Unaltered lesion clas. 0.8469 0.4723 0.8243 0.9523 Perfectly segmented lesion clas. 0.8390 0.4958 0.8648 0.9621 Automatically segmented lesion clas. 0.8174 0.5144 0.8918 0.9681 ▣ But...with segmentation □ Sensitivity increases ! □ Precision increases !
  • 51. Classification Evaluation 54 Model Accuracy Loss Sensitivity Precision Unaltered lesion clas. 0.8469 0.4723 0.8243 0.9523 Perfectly segmented lesion clas. 0.8390 0.4958 0.8648 0.9621 Automatically segmented lesion clas. 0.8174 0.5144 0.8918 0.9681 ▣ But...with segmentation: □ Sensitivity increases ! □ Precision increases ! SENSITIVITY = TP / (TP + FN) PRECISION = TP / (TP + FP)
  • 52. Sensitivity in Medical Settings ▣ Sensitivity is often considered the most important metric in the medical setting ▣ For early diagnosis □ By missing a False Negatives (true melanoma case) the model would fail in the early diagnosis □ It is better to raise a False Positive than to create a False Negative 55
  • 53. Classification evaluation 56 Model Accuracy Loss Sensitivity Precision Unaltered lesion clas. 0.8469 0.4723 0.8243 0.9523 Perfectly segmented lesion clas. 0.8390 0.4958 0.8648 0.9621 Automatically segmented lesion clas. 0.8174 0.5144 0.8918 0.9681 ▣ And the Automatically Segmented Model is even BETTER than the Perfectly Segmented □ Physicians can avoid Manual Segmentation tasks
  • 54. Confusion Matrices 57 False Negatives descending Unaltered Classifier Perfectly Classifier Segmented Classifier
  • 57. Conclusions ▣ DL solution for assisting dermatologists with the diagnosis of skin lesions □ Specifically, for early melanoma detection ▣ Does a previous semantic segmentation improve the performance of a fine-tuned CNN for a 2-class classifier? □ Hypothesis verified ▣ Perfect Segmentation was not needed to obtain the best classification result of the model □ DL Segmentation approach obtained the best sensitivity classification result 60
  • 58. Conclusions ▣ BioMed 2017 Conference → Paper Accepted □ Title: “Skin Lesion Classification from Dermoscopic Images Using Deep Learning Techniques” ▣ SIIM 2017 Meeting → Paper Accepted □ Title: “The Impact of Segmentation on the Accuracy and Sensitivity of a Melanoma Classifier Based on Skin Lesion Images” ▣ MICCAI 2017 Conference → Intention of Paper ▣ MIUA 2017 Conference → Intention of Paper ▣ ISBI 2017 Challenge → Intention of Participation □ Skin Lesion Analysis Towards Melanoma Detection 61