SlideShare a Scribd company logo
A World -Leading Science Foundation Ireland Research Centre
Deep Learning for Medical
Image Analysis
Keelin Murphy
July 3rd
2017
About Me
BA Mathematics TCD
Software Industry 4-5 years
MSc + PhD in Biomedical Image Analysis
UCC (INFANT Research Centre)
Utrecht Medical Center, the Netherlands
Today….
Machine Learning
Deep Learning
Deep Learning for Image Analysis
Deep Learning for Medical Image Analysis
Deep Learning for Neonatal Medical Image Analysis
Artificial Deep Intelligent Machine Learning …..?
Deep
Learning
Machine Learning
Artificial Intelligence
Machine Learning
Finding patterns in data
Supervised learning –
Learn by example, like humans
CAR
Training:
Feed in labelled data
Machine Learning
CARGIRLDOG
Testing:
Request labels for new data
How does it learn?
Machine Learning
Everything Else
(“Conventional” Machine Learning)
Neural Networks
(AKA Deep Learning)
Support Vector Machines
Random Forests
Gradient Boosting
Linear Classifiers
Nearest Neighbour Classifiers
……..
“Hand-crafted” Features
Hand-crafting features
Texture
Curvature
What features do humans use?
Penguin Mania
Are humans always the best?
Are humans always the best?
Deep Learning
(Artificial) Neural networks with lots of hidden layers (deep)
The network determines what features are
useful
Lost favour until around 2006-2012
- Large amounts of data online
- GPU and distributed processing
Source: Alexander Del Toro Barba
https://www.linkedin.com/pulse/how-artificial-intelligence-revolutionizing-finance-del-toro-barba
Neural Networks: Auto-features!
Dog
Cat
Penguin
0.1
0.2
0.7
Input Layer Hidden Layers Output Layer
Dog
Cat
Penguin
0.0
0.0
1.0
TRUTH
ERROR
ERROR
ERROR
Neuron / Perceptron
= Matrix of Weights
TRAINING
0.3
0.4
0.3
Back-Propagation
Update weights to minimize errors
Deep Neural Networks
Simplest Neural Network Example:
Input
Hidden Layer
2 neurons
x1
x2
x4
x3
w11
b1
b2
w12 w13 w14
w21 w22 w23 w24
x
w1
w2
W1x + b1
W2x + b2
(w11)(x1) + (w12)(x2) + (w13)(x3) + (w14)(x4) + b1
(w21)(x1) + (w22)(x2) + (w23)(x3) + (w24)(x4) + b2
Output Layer
Dog
Cat
Deep Neural Networks
Simplest Neural Network Example:
Input
Hidden Layer
2 neurons
x1
x2
x4
x3
w11
b1
b2
w12 w13 w14
w21 w22 w23 w24
x
w1
w2
f(W1x + b1)
f(W2x + b2)
f = activation
function (non
linearity)
Output Layer
Dog
Cat
Deep Neural Networks
Activation Functions e.g.
Sigmoid
No longer recommended
ReLU (Rectified Linear Unit)
Very popular
Deep Neural Networks
Simplest Neural Network Example:
Input
Hidden Layer
2 neurons
x1
x2
x4
x3
w11
b1
b2
w12 w13 w14
w21 w22 w23 w24
x
w1
w2
f(W1x + b1)
f(W2x + b2)
f = activation
function (non
linearity)
Output Layer
Dog
Cat
Softmax
Function
n1
n2
Deep Neural Networks
Simplest Neural Network Example:
Input
Hidden Layer
2 neurons
x1
x2
x4
x3
w11
b1
b2
w12 w13 w14
w21 w22 w23 w24
x
w1
w2
Output Layer
Dog
Cat
Softmax
Function
TRAINING
Dog
Cat
TRUTH
ERROR
ERROR
Back-Propagation
Update weights to minimize errors
1.0
0.0
n1
n2
f(W1x + b1)
f(W2x + b2)
Deep Neural Networks
Back-propagation:
Choose weight changes
which move us
“downwards” in the loss
function, L
Gradient Descent:
W11
W12
L
Network error
measured by Loss function,
L (Cost function)
ERROR
Deep Neural Networks
Gradient Descent = basis for many more sophisticated
optimization methods
Optimizer = Method of updating weights based on Loss
Adam, Adagrad, Adamax, RMSProp……. etc etc
See also http://sebastianruder.com/optimizing-gradient-descent/index.html
Deep Neural Networks
We have discussed Fully Connected Neural Networks
Deep Neural Networks
256
256
(Small) RGB image
Fully connected model :
•256 x 256 x 3 weights PER neuron in first
hidden layer!
•Flattening input to a vector loses information
What about image analysis……?
By Aphex34 - Own work, CC BY-SA 4.0,
https://commons.wikimedia.org/w/index.php?curid=45659236
Convolutional Neural Networks
Input layer (image)
First Hidden layer
(Num channels (features) = 5)
CNN model :
•Neurons arranged in blocks
•Each neuron connects to a small region
of the input (receptive field)
•Neurons in same channel share same
weights
•Weight-sharing -> detection of similar
features across the image
Source: http://deeplearning.stanford.edu/wiki/index.php/Feature_extraction_using_convolution
Convolutional Neural Networks
Convolutional Neural Networks
Adapted from : http://benanne.github.io/images/architecture.png
MaxPool: reduce dimensionality, prevent overfitting
Could also add “dropout” layer to help with overfitting
# Code Snippet
model = Sequential()
model.add(Conv2D(32, kernel_size=(3, 3), activation='relu', input_shape=input_shape))
model.add(Conv2D(64, (3, 3), activation='relu'))
model.add(MaxPooling2D(pool_size=(2, 2)))
model.add(Dropout(0.25))
model.add(Flatten())
model.add(Dense(128, activation='relu'))
model.add(Dropout(0.5))
model.add(Dense(num_classes, activation='softmax'))
model.compile(loss=keras.losses.categorical_crossentropy,
optimizer=keras.optimizers.Adadelta(),
metrics=['accuracy'])
model.fit(x_train, y_train,
batch_size=batch_size,
epochs=epochs,
verbose=1,
validation_data=(x_test, y_test))
score = model.evaluate(x_test, y_test, verbose=0)
Convolutional Neural Networks
https://github.com/fchollet/keras/blob/master/examples/mnist_cnn.py
Anything with patterns in data!
Fraud Detection
Risk Assessment
Speech Recognition
Text Analysis
Targeted advertising
………..
Practical Applications
e.g.
Manufacturing
Photo Management
Driverless Car
Remote Sensing
Medical Images……
Imaging Applications
Image Categorisation
flamingo
Source : ImageNet 2011
(Large Scale Visual Recognition Challenge)
Training data:
1.2 million images
1000 image categories
Image Object Localisation
Source : ImageNet 2013
(Large Scale Visual Recognition Challenge)
Training data:
396,000 images
200 object categories
Image Captioning
"a man is throwing a frisbee in a park“
Source : http://cs.stanford.edu/people/karpathy/neuraltalk2/demo.html
Image Semantic Segmentation
Source :
www.robots.ox.ac.uk/~szheng/CRFasRNN.html
Generating Art
Source :
https://www.technologyreview.com/s/
608195/machine-creativity-beats-some-
modern-art/
Medical Images
X-Ray
CT
Ultrasound
MRI
Medical Images – Brain MRI
3D Brain
The Real 3D Brain
Medical Images - Why AI?
Radiologist
• Error-prone
• Subjective
• Qualitative
Computers
• Tireless
• Objective (repeatable results)
• Quantitative
Deep Learning for Medical Images
Litjens et al “A Survey on Deep Learning in Medical Image Analysis”, 2017
Deep Learning for Medical Images
Litjens et al “A Survey on Deep Learning in Medical Image Analysis”, 2017
Data Science Bowl 2017
Detection of prostate cancer using temporal sequences of
ultrasound data: a large clinical feasibility study
Azizi et al “Detection of prostate cancer using temporal sequences of ultrasound data: a large clinical feasibility study”, 2016
Malignancy
determination in
Prostate Ultrasound
Medical Imaging Applications
Detection of
Tuberculosis in Chest
X-Ray
Kim et al “Deconvolutional Feature Stacking for Weakly-Supervised Semantic Segmentation”, 2016
Medical Imaging Applications
Gao et al “Multi-label Deep Regression and Unordered Pooling for Holistic Interstitial Lung Disease Detection”,
2016
Detecting Patterns of
Interstitial Lung
Disease
(CT)
Medical Imaging Applications
Ghafoorian et al “Location Sensitive Deep Convolutional Neural Networks for Segmentation of White Matter Hyperintensities”,
2016
Segmentation of
White-Matter
Hyperintensities
(MRI)
Medical Imaging Applications
INFANT Research
INFANT Perinatal Research
NeonatesPregnancy
e.g.
Diagnostic Testing
Improved Monitoring
Newborn Health
Monitoring
Nutrition
Brain InjuryBrain Injury
www.infantcentre.i
Hypoxic Ischemic Encephalopathy
Oxygen Deprivation during Birth
Cause of brain injury
2-5 cases per 1000 live births
Wide range of severities and outcomes
Which part of the brain is injured and how severely?Which part of the brain is injured and how severely?
Hypoxic Ischemic Encephalopathy
Day 3-4 MRI acquired
Diffusion-Weighted T2 (Anatomical)
Baby 1: Diffusion-Weighted MRI
Baby 2: Diffusion-Weighted MRI
Baby 3: Diffusion-Weighted MRI
The Neural Network
(25 Subjects – per pixel Classification – round-robin 5 subjects training)
Fully Convolutional Network with dilated convolutions
Trained on image patches with Data Augmentation
3 x Hidden Convolutional Layers (32 features, 64 features, 96 features)
Loss function : Binary Cross-entropy
Optimizer : Adam
Brain Tissue Segmentation
Segment 8 tissue types
in anatomical scans
NeoBrainS12 Public Challenge
2 x subjects fully labelled (training)
5 x subjects no labels (test)
Brain Tissue Segmentation
Human SegmentationTraining Data
Network SegmentationTest Data
Brain Tissue Segmentation
The Neural Network
(2 training Subjects – per pixel classification)
Fully Convolutional Network with dilated convolutions
Trained on image patches with Data Augmentation
Deep residual network with 11 convolutional layers stacked with batch-
normalization and ‘ReLU’ activation layers.
Loss function : Categorical Cross-entropy
Optimizer : Adam
Getting Started with Deep Learning
Preferably with GPU
e.g. NVIDIA GTX
see also http://timdettmers.com/2017/04/09/which-gpu-for-deep-learning/
Coding Frameworks:
Caffe (Berkeley AI)
Theano (University of Montreal)
Tensorflow (Google)
PyTorch (or Torch)
Higher Level:
Lasagne (layered on Theano)
Keras (layered on Tensorflow/Theano)
Also check out:
Deep learning for JVM (Java, Scala, Hadoop, Spark) https://deeplearning4j.org/
Packages in e.g. Matlab & R (extensive list: http://deeplearning.net/software_links/)
Acknowledgements
Kevin McGuinness, INSIGHT centre DCU
Joseph Antony, INSIGHT centre DCU
http://cs231n.github.io/
http://neuralnetworksanddeeplearning.com
http://deeplearning.stanford.edu/wiki/index.php/UFLDL_Tutorial
https://ayearofai.com
https://arxiv.org/ (for research literature)
https://github.com/kailashahirwar/cheatsheets-ai (cheat-sheets for
programming)
https://aiexperiments.withgoogle.com (fun stuff with neural nets)
Useful (and fun) resources
Thank You.
Questions?
keelinm@gmail.com
@MurphyKeelin

More Related Content

What's hot

Brain Tumour Detection.pptx
Brain Tumour Detection.pptxBrain Tumour Detection.pptx
Brain Tumour Detection.pptx
RevolverRaja2
 
deep learning applications in medical image analysis brain tumor
deep learning applications in medical image analysis brain tumordeep learning applications in medical image analysis brain tumor
deep learning applications in medical image analysis brain tumor
Venkat Projects
 
Camera-Based Road Lane Detection by Deep Learning II
Camera-Based Road Lane Detection by Deep Learning IICamera-Based Road Lane Detection by Deep Learning II
Camera-Based Road Lane Detection by Deep Learning II
Yu Huang
 
Medical Image Processing
Medical Image ProcessingMedical Image Processing
Medical Image Processing
Pantech ProLabs India Pvt Ltd
 
Medical Imaging (D3L3 2017 UPC Deep Learning for Computer Vision)
Medical Imaging (D3L3 2017 UPC Deep Learning for Computer Vision)Medical Imaging (D3L3 2017 UPC Deep Learning for Computer Vision)
Medical Imaging (D3L3 2017 UPC Deep Learning for Computer Vision)
Universitat Politècnica de Catalunya
 
Object tracking presentation
Object tracking  presentationObject tracking  presentation
Object tracking presentation
MrsShwetaBanait1
 
ShortStoryPPT.pptx
ShortStoryPPT.pptxShortStoryPPT.pptx
ShortStoryPPT.pptx
KarishmaKuria1
 
Medical image analysis
Medical image analysisMedical image analysis
Medical image analysis
Aboul Ella Hassanien
 
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
WonjoongCheon
 
3D visualisation of medical images
3D visualisation of medical images3D visualisation of medical images
3D visualisation of medical images
Shashank
 
Breast cancer diagnosis machine learning ppt
Breast cancer diagnosis machine learning pptBreast cancer diagnosis machine learning ppt
Breast cancer diagnosis machine learning ppt
AnkitGupta1476
 
Applying Deep Learning to Transform Breast Cancer Diagnosis
Applying Deep Learning to Transform Breast Cancer DiagnosisApplying Deep Learning to Transform Breast Cancer Diagnosis
Applying Deep Learning to Transform Breast Cancer Diagnosis
Cognizant
 
Lung Cancer Detection using Machine Learning
Lung Cancer Detection using Machine LearningLung Cancer Detection using Machine Learning
Lung Cancer Detection using Machine Learning
ijtsrd
 
Robust real time object detection
Robust real time object detectionRobust real time object detection
Robust real time object detectionErliyah Jannah
 
CC282 Unsupervised Learning (Clustering) Lecture 7 slides for ...
CC282 Unsupervised Learning (Clustering) Lecture 7 slides for ...CC282 Unsupervised Learning (Clustering) Lecture 7 slides for ...
CC282 Unsupervised Learning (Clustering) Lecture 7 slides for ...butest
 
Computer vision for transportation
Computer vision for transportationComputer vision for transportation
Computer vision for transportation
Wanjin Yu
 
Lec7: Medical Image Segmentation (I) (Radiology Applications of Segmentation,...
Lec7: Medical Image Segmentation (I) (Radiology Applications of Segmentation,...Lec7: Medical Image Segmentation (I) (Radiology Applications of Segmentation,...
Lec7: Medical Image Segmentation (I) (Radiology Applications of Segmentation,...
Ulaş Bağcı
 
Deep Learning in Bio-Medical Imaging
Deep Learning in Bio-Medical ImagingDeep Learning in Bio-Medical Imaging
Deep Learning in Bio-Medical Imaging
Joonhyung Lee
 
multiple object tracking using particle filter
multiple object tracking using particle filtermultiple object tracking using particle filter
multiple object tracking using particle filter
SRIKANTH DANDE
 

What's hot (20)

Brain Tumour Detection.pptx
Brain Tumour Detection.pptxBrain Tumour Detection.pptx
Brain Tumour Detection.pptx
 
deep learning applications in medical image analysis brain tumor
deep learning applications in medical image analysis brain tumordeep learning applications in medical image analysis brain tumor
deep learning applications in medical image analysis brain tumor
 
Camera-Based Road Lane Detection by Deep Learning II
Camera-Based Road Lane Detection by Deep Learning IICamera-Based Road Lane Detection by Deep Learning II
Camera-Based Road Lane Detection by Deep Learning II
 
Medical Image Processing
Medical Image ProcessingMedical Image Processing
Medical Image Processing
 
Medical Imaging (D3L3 2017 UPC Deep Learning for Computer Vision)
Medical Imaging (D3L3 2017 UPC Deep Learning for Computer Vision)Medical Imaging (D3L3 2017 UPC Deep Learning for Computer Vision)
Medical Imaging (D3L3 2017 UPC Deep Learning for Computer Vision)
 
Object tracking presentation
Object tracking  presentationObject tracking  presentation
Object tracking presentation
 
ShortStoryPPT.pptx
ShortStoryPPT.pptxShortStoryPPT.pptx
ShortStoryPPT.pptx
 
Medical image analysis
Medical image analysisMedical image analysis
Medical image analysis
 
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
 
3D visualisation of medical images
3D visualisation of medical images3D visualisation of medical images
3D visualisation of medical images
 
Breast cancer diagnosis machine learning ppt
Breast cancer diagnosis machine learning pptBreast cancer diagnosis machine learning ppt
Breast cancer diagnosis machine learning ppt
 
Applying Deep Learning to Transform Breast Cancer Diagnosis
Applying Deep Learning to Transform Breast Cancer DiagnosisApplying Deep Learning to Transform Breast Cancer Diagnosis
Applying Deep Learning to Transform Breast Cancer Diagnosis
 
Lung Cancer Detection using Machine Learning
Lung Cancer Detection using Machine LearningLung Cancer Detection using Machine Learning
Lung Cancer Detection using Machine Learning
 
Robust real time object detection
Robust real time object detectionRobust real time object detection
Robust real time object detection
 
CC282 Unsupervised Learning (Clustering) Lecture 7 slides for ...
CC282 Unsupervised Learning (Clustering) Lecture 7 slides for ...CC282 Unsupervised Learning (Clustering) Lecture 7 slides for ...
CC282 Unsupervised Learning (Clustering) Lecture 7 slides for ...
 
Computer vision for transportation
Computer vision for transportationComputer vision for transportation
Computer vision for transportation
 
Lec7: Medical Image Segmentation (I) (Radiology Applications of Segmentation,...
Lec7: Medical Image Segmentation (I) (Radiology Applications of Segmentation,...Lec7: Medical Image Segmentation (I) (Radiology Applications of Segmentation,...
Lec7: Medical Image Segmentation (I) (Radiology Applications of Segmentation,...
 
Deep Learning in Bio-Medical Imaging
Deep Learning in Bio-Medical ImagingDeep Learning in Bio-Medical Imaging
Deep Learning in Bio-Medical Imaging
 
pca.ppt
pca.pptpca.ppt
pca.ppt
 
multiple object tracking using particle filter
multiple object tracking using particle filtermultiple object tracking using particle filter
multiple object tracking using particle filter
 

Similar to 2017 07 03_meetup_d

Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)
Ha Phuong
 
Deep learning: Cutting through the Myths and Hype
Deep learning: Cutting through the Myths and HypeDeep learning: Cutting through the Myths and Hype
Deep learning: Cutting through the Myths and Hype
Siby Jose Plathottam
 
Deep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceDeep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial Intelligence
Lukas Masuch
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
Simplilearn
 
20181212 ibm aot
20181212 ibm aot20181212 ibm aot
20181212 ibm aot
Hiroshi Maruyama
 
Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014
Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014
Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014
lebsoftshore
 
II-SDV 2017: The Next Era: Deep Learning for Biomedical Research
II-SDV 2017: The Next Era: Deep Learning for Biomedical ResearchII-SDV 2017: The Next Era: Deep Learning for Biomedical Research
II-SDV 2017: The Next Era: Deep Learning for Biomedical Research
Dr. Haxel Consult
 
Introduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolutionIntroduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolution
Darian Frajberg
 
Camp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine LearningCamp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine Learning
Krzysztof Kowalczyk
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
Subrat Panda, PhD
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
Mustafa Aldemir
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
Amr Rashed
 
MACHINE LEARNING & ARTIFICIAL INTELLIGENCE: BEYOND DIAGNOSIS
MACHINE LEARNING & ARTIFICIAL INTELLIGENCE: BEYOND DIAGNOSIS MACHINE LEARNING & ARTIFICIAL INTELLIGENCE: BEYOND DIAGNOSIS
MACHINE LEARNING & ARTIFICIAL INTELLIGENCE: BEYOND DIAGNOSIS
SMARTMD
 
Ai demystified (dbe, south campus)
Ai  demystified (dbe, south campus)Ai  demystified (dbe, south campus)
Ai demystified (dbe, south campus)
SaurabhKhanna31
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
Lukas Masuch
 
An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)
Julien SIMON
 
ML Basic Concepts.pdf
ML Basic Concepts.pdfML Basic Concepts.pdf
ML Basic Concepts.pdf
ManishaS49
 
Big Data Intelligence: from Correlation Discovery to Causal Reasoning
Big Data Intelligence: from Correlation Discovery to Causal Reasoning Big Data Intelligence: from Correlation Discovery to Causal Reasoning
Big Data Intelligence: from Correlation Discovery to Causal Reasoning
Wanjin Yu
 
A Survey of Deep Learning Algorithms for Malware Detection
A Survey of Deep Learning Algorithms for Malware DetectionA Survey of Deep Learning Algorithms for Malware Detection
A Survey of Deep Learning Algorithms for Malware Detection
IJCSIS Research Publications
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)
Julien SIMON
 

Similar to 2017 07 03_meetup_d (20)

Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)
 
Deep learning: Cutting through the Myths and Hype
Deep learning: Cutting through the Myths and HypeDeep learning: Cutting through the Myths and Hype
Deep learning: Cutting through the Myths and Hype
 
Deep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceDeep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial Intelligence
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
 
20181212 ibm aot
20181212 ibm aot20181212 ibm aot
20181212 ibm aot
 
Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014
Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014
Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014
 
II-SDV 2017: The Next Era: Deep Learning for Biomedical Research
II-SDV 2017: The Next Era: Deep Learning for Biomedical ResearchII-SDV 2017: The Next Era: Deep Learning for Biomedical Research
II-SDV 2017: The Next Era: Deep Learning for Biomedical Research
 
Introduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolutionIntroduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolution
 
Camp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine LearningCamp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine Learning
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
MACHINE LEARNING & ARTIFICIAL INTELLIGENCE: BEYOND DIAGNOSIS
MACHINE LEARNING & ARTIFICIAL INTELLIGENCE: BEYOND DIAGNOSIS MACHINE LEARNING & ARTIFICIAL INTELLIGENCE: BEYOND DIAGNOSIS
MACHINE LEARNING & ARTIFICIAL INTELLIGENCE: BEYOND DIAGNOSIS
 
Ai demystified (dbe, south campus)
Ai  demystified (dbe, south campus)Ai  demystified (dbe, south campus)
Ai demystified (dbe, south campus)
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
 
An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)
 
ML Basic Concepts.pdf
ML Basic Concepts.pdfML Basic Concepts.pdf
ML Basic Concepts.pdf
 
Big Data Intelligence: from Correlation Discovery to Causal Reasoning
Big Data Intelligence: from Correlation Discovery to Causal Reasoning Big Data Intelligence: from Correlation Discovery to Causal Reasoning
Big Data Intelligence: from Correlation Discovery to Causal Reasoning
 
A Survey of Deep Learning Algorithms for Malware Detection
A Survey of Deep Learning Algorithms for Malware DetectionA Survey of Deep Learning Algorithms for Malware Detection
A Survey of Deep Learning Algorithms for Malware Detection
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)
 

Recently uploaded

GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
Sri Ambati
 
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
DanBrown980551
 
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
BookNet Canada
 
Neuro-symbolic is not enough, we need neuro-*semantic*
Neuro-symbolic is not enough, we need neuro-*semantic*Neuro-symbolic is not enough, we need neuro-*semantic*
Neuro-symbolic is not enough, we need neuro-*semantic*
Frank van Harmelen
 
Essentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with ParametersEssentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with Parameters
Safe Software
 
De-mystifying Zero to One: Design Informed Techniques for Greenfield Innovati...
De-mystifying Zero to One: Design Informed Techniques for Greenfield Innovati...De-mystifying Zero to One: Design Informed Techniques for Greenfield Innovati...
De-mystifying Zero to One: Design Informed Techniques for Greenfield Innovati...
Product School
 
Unsubscribed: Combat Subscription Fatigue With a Membership Mentality by Head...
Unsubscribed: Combat Subscription Fatigue With a Membership Mentality by Head...Unsubscribed: Combat Subscription Fatigue With a Membership Mentality by Head...
Unsubscribed: Combat Subscription Fatigue With a Membership Mentality by Head...
Product School
 
Connector Corner: Automate dynamic content and events by pushing a button
Connector Corner: Automate dynamic content and events by pushing a buttonConnector Corner: Automate dynamic content and events by pushing a button
Connector Corner: Automate dynamic content and events by pushing a button
DianaGray10
 
The Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and SalesThe Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and Sales
Laura Byrne
 
Assuring Contact Center Experiences for Your Customers With ThousandEyes
Assuring Contact Center Experiences for Your Customers With ThousandEyesAssuring Contact Center Experiences for Your Customers With ThousandEyes
Assuring Contact Center Experiences for Your Customers With ThousandEyes
ThousandEyes
 
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Ramesh Iyer
 
Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...
Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...
Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...
Jeffrey Haguewood
 
Epistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI supportEpistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI support
Alan Dix
 
PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)
Ralf Eggert
 
Mission to Decommission: Importance of Decommissioning Products to Increase E...
Mission to Decommission: Importance of Decommissioning Products to Increase E...Mission to Decommission: Importance of Decommissioning Products to Increase E...
Mission to Decommission: Importance of Decommissioning Products to Increase E...
Product School
 
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
Product School
 
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptxIOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
Abida Shariff
 
UiPath Test Automation using UiPath Test Suite series, part 3
UiPath Test Automation using UiPath Test Suite series, part 3UiPath Test Automation using UiPath Test Suite series, part 3
UiPath Test Automation using UiPath Test Suite series, part 3
DianaGray10
 
To Graph or Not to Graph Knowledge Graph Architectures and LLMs
To Graph or Not to Graph Knowledge Graph Architectures and LLMsTo Graph or Not to Graph Knowledge Graph Architectures and LLMs
To Graph or Not to Graph Knowledge Graph Architectures and LLMs
Paul Groth
 
Software Delivery At the Speed of AI: Inflectra Invests In AI-Powered Quality
Software Delivery At the Speed of AI: Inflectra Invests In AI-Powered QualitySoftware Delivery At the Speed of AI: Inflectra Invests In AI-Powered Quality
Software Delivery At the Speed of AI: Inflectra Invests In AI-Powered Quality
Inflectra
 

Recently uploaded (20)

GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
 
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
 
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
 
Neuro-symbolic is not enough, we need neuro-*semantic*
Neuro-symbolic is not enough, we need neuro-*semantic*Neuro-symbolic is not enough, we need neuro-*semantic*
Neuro-symbolic is not enough, we need neuro-*semantic*
 
Essentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with ParametersEssentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with Parameters
 
De-mystifying Zero to One: Design Informed Techniques for Greenfield Innovati...
De-mystifying Zero to One: Design Informed Techniques for Greenfield Innovati...De-mystifying Zero to One: Design Informed Techniques for Greenfield Innovati...
De-mystifying Zero to One: Design Informed Techniques for Greenfield Innovati...
 
Unsubscribed: Combat Subscription Fatigue With a Membership Mentality by Head...
Unsubscribed: Combat Subscription Fatigue With a Membership Mentality by Head...Unsubscribed: Combat Subscription Fatigue With a Membership Mentality by Head...
Unsubscribed: Combat Subscription Fatigue With a Membership Mentality by Head...
 
Connector Corner: Automate dynamic content and events by pushing a button
Connector Corner: Automate dynamic content and events by pushing a buttonConnector Corner: Automate dynamic content and events by pushing a button
Connector Corner: Automate dynamic content and events by pushing a button
 
The Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and SalesThe Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and Sales
 
Assuring Contact Center Experiences for Your Customers With ThousandEyes
Assuring Contact Center Experiences for Your Customers With ThousandEyesAssuring Contact Center Experiences for Your Customers With ThousandEyes
Assuring Contact Center Experiences for Your Customers With ThousandEyes
 
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
 
Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...
Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...
Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...
 
Epistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI supportEpistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI support
 
PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)
 
Mission to Decommission: Importance of Decommissioning Products to Increase E...
Mission to Decommission: Importance of Decommissioning Products to Increase E...Mission to Decommission: Importance of Decommissioning Products to Increase E...
Mission to Decommission: Importance of Decommissioning Products to Increase E...
 
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
 
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptxIOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
 
UiPath Test Automation using UiPath Test Suite series, part 3
UiPath Test Automation using UiPath Test Suite series, part 3UiPath Test Automation using UiPath Test Suite series, part 3
UiPath Test Automation using UiPath Test Suite series, part 3
 
To Graph or Not to Graph Knowledge Graph Architectures and LLMs
To Graph or Not to Graph Knowledge Graph Architectures and LLMsTo Graph or Not to Graph Knowledge Graph Architectures and LLMs
To Graph or Not to Graph Knowledge Graph Architectures and LLMs
 
Software Delivery At the Speed of AI: Inflectra Invests In AI-Powered Quality
Software Delivery At the Speed of AI: Inflectra Invests In AI-Powered QualitySoftware Delivery At the Speed of AI: Inflectra Invests In AI-Powered Quality
Software Delivery At the Speed of AI: Inflectra Invests In AI-Powered Quality
 

2017 07 03_meetup_d

  • 1. A World -Leading Science Foundation Ireland Research Centre Deep Learning for Medical Image Analysis Keelin Murphy July 3rd 2017
  • 2. About Me BA Mathematics TCD Software Industry 4-5 years MSc + PhD in Biomedical Image Analysis UCC (INFANT Research Centre) Utrecht Medical Center, the Netherlands
  • 3. Today…. Machine Learning Deep Learning Deep Learning for Image Analysis Deep Learning for Medical Image Analysis Deep Learning for Neonatal Medical Image Analysis
  • 4. Artificial Deep Intelligent Machine Learning …..? Deep Learning Machine Learning Artificial Intelligence
  • 5. Machine Learning Finding patterns in data Supervised learning – Learn by example, like humans
  • 6. CAR Training: Feed in labelled data Machine Learning CARGIRLDOG Testing: Request labels for new data
  • 7. How does it learn? Machine Learning Everything Else (“Conventional” Machine Learning) Neural Networks (AKA Deep Learning) Support Vector Machines Random Forests Gradient Boosting Linear Classifiers Nearest Neighbour Classifiers …….. “Hand-crafted” Features
  • 9. What features do humans use?
  • 11. Are humans always the best?
  • 12. Are humans always the best?
  • 13. Deep Learning (Artificial) Neural networks with lots of hidden layers (deep) The network determines what features are useful Lost favour until around 2006-2012 - Large amounts of data online - GPU and distributed processing Source: Alexander Del Toro Barba https://www.linkedin.com/pulse/how-artificial-intelligence-revolutionizing-finance-del-toro-barba
  • 14. Neural Networks: Auto-features! Dog Cat Penguin 0.1 0.2 0.7 Input Layer Hidden Layers Output Layer Dog Cat Penguin 0.0 0.0 1.0 TRUTH ERROR ERROR ERROR Neuron / Perceptron = Matrix of Weights TRAINING 0.3 0.4 0.3 Back-Propagation Update weights to minimize errors
  • 15. Deep Neural Networks Simplest Neural Network Example: Input Hidden Layer 2 neurons x1 x2 x4 x3 w11 b1 b2 w12 w13 w14 w21 w22 w23 w24 x w1 w2 W1x + b1 W2x + b2 (w11)(x1) + (w12)(x2) + (w13)(x3) + (w14)(x4) + b1 (w21)(x1) + (w22)(x2) + (w23)(x3) + (w24)(x4) + b2 Output Layer Dog Cat
  • 16. Deep Neural Networks Simplest Neural Network Example: Input Hidden Layer 2 neurons x1 x2 x4 x3 w11 b1 b2 w12 w13 w14 w21 w22 w23 w24 x w1 w2 f(W1x + b1) f(W2x + b2) f = activation function (non linearity) Output Layer Dog Cat
  • 17. Deep Neural Networks Activation Functions e.g. Sigmoid No longer recommended ReLU (Rectified Linear Unit) Very popular
  • 18. Deep Neural Networks Simplest Neural Network Example: Input Hidden Layer 2 neurons x1 x2 x4 x3 w11 b1 b2 w12 w13 w14 w21 w22 w23 w24 x w1 w2 f(W1x + b1) f(W2x + b2) f = activation function (non linearity) Output Layer Dog Cat Softmax Function n1 n2
  • 19. Deep Neural Networks Simplest Neural Network Example: Input Hidden Layer 2 neurons x1 x2 x4 x3 w11 b1 b2 w12 w13 w14 w21 w22 w23 w24 x w1 w2 Output Layer Dog Cat Softmax Function TRAINING Dog Cat TRUTH ERROR ERROR Back-Propagation Update weights to minimize errors 1.0 0.0 n1 n2 f(W1x + b1) f(W2x + b2)
  • 20. Deep Neural Networks Back-propagation: Choose weight changes which move us “downwards” in the loss function, L Gradient Descent: W11 W12 L Network error measured by Loss function, L (Cost function) ERROR
  • 21. Deep Neural Networks Gradient Descent = basis for many more sophisticated optimization methods Optimizer = Method of updating weights based on Loss Adam, Adagrad, Adamax, RMSProp……. etc etc See also http://sebastianruder.com/optimizing-gradient-descent/index.html
  • 22. Deep Neural Networks We have discussed Fully Connected Neural Networks
  • 23. Deep Neural Networks 256 256 (Small) RGB image Fully connected model : •256 x 256 x 3 weights PER neuron in first hidden layer! •Flattening input to a vector loses information What about image analysis……?
  • 24. By Aphex34 - Own work, CC BY-SA 4.0, https://commons.wikimedia.org/w/index.php?curid=45659236 Convolutional Neural Networks Input layer (image) First Hidden layer (Num channels (features) = 5) CNN model : •Neurons arranged in blocks •Each neuron connects to a small region of the input (receptive field) •Neurons in same channel share same weights •Weight-sharing -> detection of similar features across the image
  • 26. Convolutional Neural Networks Adapted from : http://benanne.github.io/images/architecture.png MaxPool: reduce dimensionality, prevent overfitting Could also add “dropout” layer to help with overfitting
  • 27. # Code Snippet model = Sequential() model.add(Conv2D(32, kernel_size=(3, 3), activation='relu', input_shape=input_shape)) model.add(Conv2D(64, (3, 3), activation='relu')) model.add(MaxPooling2D(pool_size=(2, 2))) model.add(Dropout(0.25)) model.add(Flatten()) model.add(Dense(128, activation='relu')) model.add(Dropout(0.5)) model.add(Dense(num_classes, activation='softmax')) model.compile(loss=keras.losses.categorical_crossentropy, optimizer=keras.optimizers.Adadelta(), metrics=['accuracy']) model.fit(x_train, y_train, batch_size=batch_size, epochs=epochs, verbose=1, validation_data=(x_test, y_test)) score = model.evaluate(x_test, y_test, verbose=0) Convolutional Neural Networks https://github.com/fchollet/keras/blob/master/examples/mnist_cnn.py
  • 28. Anything with patterns in data! Fraud Detection Risk Assessment Speech Recognition Text Analysis Targeted advertising ……….. Practical Applications
  • 29. e.g. Manufacturing Photo Management Driverless Car Remote Sensing Medical Images…… Imaging Applications
  • 30. Image Categorisation flamingo Source : ImageNet 2011 (Large Scale Visual Recognition Challenge) Training data: 1.2 million images 1000 image categories
  • 31. Image Object Localisation Source : ImageNet 2013 (Large Scale Visual Recognition Challenge) Training data: 396,000 images 200 object categories
  • 32. Image Captioning "a man is throwing a frisbee in a park“ Source : http://cs.stanford.edu/people/karpathy/neuraltalk2/demo.html
  • 33. Image Semantic Segmentation Source : www.robots.ox.ac.uk/~szheng/CRFasRNN.html
  • 36. Medical Images – Brain MRI 3D Brain
  • 37. The Real 3D Brain
  • 38. Medical Images - Why AI? Radiologist • Error-prone • Subjective • Qualitative Computers • Tireless • Objective (repeatable results) • Quantitative
  • 39. Deep Learning for Medical Images Litjens et al “A Survey on Deep Learning in Medical Image Analysis”, 2017
  • 40. Deep Learning for Medical Images Litjens et al “A Survey on Deep Learning in Medical Image Analysis”, 2017
  • 42. Detection of prostate cancer using temporal sequences of ultrasound data: a large clinical feasibility study Azizi et al “Detection of prostate cancer using temporal sequences of ultrasound data: a large clinical feasibility study”, 2016 Malignancy determination in Prostate Ultrasound Medical Imaging Applications
  • 43. Detection of Tuberculosis in Chest X-Ray Kim et al “Deconvolutional Feature Stacking for Weakly-Supervised Semantic Segmentation”, 2016 Medical Imaging Applications
  • 44. Gao et al “Multi-label Deep Regression and Unordered Pooling for Holistic Interstitial Lung Disease Detection”, 2016 Detecting Patterns of Interstitial Lung Disease (CT) Medical Imaging Applications
  • 45. Ghafoorian et al “Location Sensitive Deep Convolutional Neural Networks for Segmentation of White Matter Hyperintensities”, 2016 Segmentation of White-Matter Hyperintensities (MRI) Medical Imaging Applications
  • 46. INFANT Research INFANT Perinatal Research NeonatesPregnancy e.g. Diagnostic Testing Improved Monitoring Newborn Health Monitoring Nutrition Brain InjuryBrain Injury www.infantcentre.i
  • 47. Hypoxic Ischemic Encephalopathy Oxygen Deprivation during Birth Cause of brain injury 2-5 cases per 1000 live births Wide range of severities and outcomes Which part of the brain is injured and how severely?Which part of the brain is injured and how severely?
  • 48. Hypoxic Ischemic Encephalopathy Day 3-4 MRI acquired Diffusion-Weighted T2 (Anatomical)
  • 52. The Neural Network (25 Subjects – per pixel Classification – round-robin 5 subjects training) Fully Convolutional Network with dilated convolutions Trained on image patches with Data Augmentation 3 x Hidden Convolutional Layers (32 features, 64 features, 96 features) Loss function : Binary Cross-entropy Optimizer : Adam
  • 53. Brain Tissue Segmentation Segment 8 tissue types in anatomical scans NeoBrainS12 Public Challenge 2 x subjects fully labelled (training) 5 x subjects no labels (test)
  • 54. Brain Tissue Segmentation Human SegmentationTraining Data
  • 55. Network SegmentationTest Data Brain Tissue Segmentation
  • 56. The Neural Network (2 training Subjects – per pixel classification) Fully Convolutional Network with dilated convolutions Trained on image patches with Data Augmentation Deep residual network with 11 convolutional layers stacked with batch- normalization and ‘ReLU’ activation layers. Loss function : Categorical Cross-entropy Optimizer : Adam
  • 57. Getting Started with Deep Learning Preferably with GPU e.g. NVIDIA GTX see also http://timdettmers.com/2017/04/09/which-gpu-for-deep-learning/ Coding Frameworks: Caffe (Berkeley AI) Theano (University of Montreal) Tensorflow (Google) PyTorch (or Torch) Higher Level: Lasagne (layered on Theano) Keras (layered on Tensorflow/Theano) Also check out: Deep learning for JVM (Java, Scala, Hadoop, Spark) https://deeplearning4j.org/ Packages in e.g. Matlab & R (extensive list: http://deeplearning.net/software_links/)
  • 58. Acknowledgements Kevin McGuinness, INSIGHT centre DCU Joseph Antony, INSIGHT centre DCU
  • 59. http://cs231n.github.io/ http://neuralnetworksanddeeplearning.com http://deeplearning.stanford.edu/wiki/index.php/UFLDL_Tutorial https://ayearofai.com https://arxiv.org/ (for research literature) https://github.com/kailashahirwar/cheatsheets-ai (cheat-sheets for programming) https://aiexperiments.withgoogle.com (fun stuff with neural nets) Useful (and fun) resources

Editor's Notes

  1. Vector notation, dot product
  2. Sigmoids saturate gradients during back-propagation ReLU is fast to compute, works well in many cases, caution with learning rate as incorrect settings can lead to dead neurons which always output 0.
  3. Want to convert our output values from the hidden layer into categorical probability.
  4. L shown as a function of weights
  5. Regular Neural Nets don’t scale well to full images. In CIFAR-10, images are only of size 32x32x3 (32 wide, 32 high, 3 color channels), so a single fully-connected neuron in a first hidden layer of a regular Neural Network would have 32*32*3 = 3072 weights. This amount still seems manageable, but clearly this fully-connected structure does not scale to larger images. For example, an image of more respectable size, e.g. 200x200x3, would lead to neurons that have 200*200*3 = 120,000 weights. Moreover, we would almost certainly want to have several such neurons, so the parameters would add up quickly! Clearly, this full connectivity is wasteful and the huge number of parameters would quickly lead to overfitting. the neurons in a layer will only be connected to a small region of the layer before it, instead of all of the neurons in a fully-connected manner
  6. Flattening images to vectors loses information
  7. Each neuron connects to a small region of the input (receptive field) Weight-sharing -> detection of similar features across the image
  8. Central pixel replaced with a weighted sum of itself and surrounding pixels
  9. Max pooling, reduces dimensionality, helps overfitting Dropout – disable some neurons on occasion, so that the others learn to function better independently - helps overfitting
  10. Discuss modalities, pros/cons?
  11. Anisotropy Grayscale Lack of annotations
  12. Imaging protocols which ten years ago might have generated 50 images, may now produce thousands of images, all requiring expert examination Error-prone – tired, distracted, bad day, inexperienced Subjective – lots of disagreement! Qualitative – “quite big”, “fairly severe” (2D line measures) Tireless – Can work 24/7 Objective - Repeatable results, 100% agreement Quantitative – “10% bigger than average”
  13. common finding on brain MR images of patients diagnosed with small vessel disease (SVD) [1], multiple sclerosis [2], Parkinsonism [3], stroke [4], Alzheimer’s disease [5] and Dementia [6]. Associated with various measures of decline. Not well understood.
  14. use primitive functions that NVIDIA has specifically developed for deep learning on GPUs, called cuDNN Torch based on Lua language