SlideShare a Scribd company logo
1 of 43
1 / 42
Diagnosis of alzheimer's disease
with deep learning
2016. 7. 4
Seonho Park
2 / 42
Outline
Introduction to Machine Learning
Convolutional Neural Network
Diagnosing of Alzheimer’s disease
3 / 42
Introduction to Machine Learning
Convolutional Neural Network
Diagnosing of Alzheimer’s disease
4 / 42
Introduction to Machine Learning
x1
x2
x1
y
x1
x2
<Supervised Learning> <Unsupervised Learning>
classification regression clustering
Category of Machine Learning
문제 + 정답
문제 + 정답
문제 + 정답
데이터 + 레이블 머신러닝 학습
머신러닝 모델 정답 예측새로운 데이터
문제 + 정답
문제 + ???
분류 회귀
Cat
Computer
Lion
Pencil
Pig
레이블 없는 데이터 머신러닝 학습 군집화
5 / 42
Introduction to Machine Learning
Scikit-Learn
• Machine Learning Library in Python
• http://scikit-learn.org/
• Classification: Decision trees, SVM, NN
• Regression: GP, Ordinary LS, Ridge Regression, SVR
• Clustering: k-Means, Spectral Clustering
6 / 42
Introduction to Machine Learning
Why Deep Learning?
• Deep Learning = Deep Neural Network
• Data and Machine Learning
† http://cs229.stanford.edu/materials/CS229-DeepLearning.pdf
7 / 42
Introduction to Machine Learning
Artificial neural networks
Training = Find weights (parameters)
Inference = get output by specific input and trained weights
8 / 42
Introduction to Machine Learning
Convolutional Neural Network (CNN)
• Image Processing (Computer Vision)
9 / 42
Introduction to Machine Learning
Recurrent Neural Network (RNN)
• Time Series Data
• Natural Language Processing
• Translation, Speech Recognition, Auto Caption
• 자동번역, 음성인식, 이미지 캡션 생성 등에 활용
† Towards End-to-End Speech Recognition with Recurrent Neural Networks, Alex Graves et al (2014)
10 / 42
Introduction to Machine Learning
Why GPU?
• CuDNN: GPU-accelerated library of primitives for deep neural networks
• VRAM limitation, Double/Single/Half Precision
• Linear Algebra: CuBLAS, MAGMA
11 / 42
Introduction to Machine Learning
Frameworks
Cuda-ConvNetPylearn2
Lasagne
12 / 42
Introduction to Machine Learning
Open Sources for Deep Learning
† Comparative Study of Deep Learning Software Frameworks, Soheil Bahrampour et al (2015)
13 / 42
Introduction to Machine Learning
Pioneers
• Yann Lecun
• Geoffrey Hinton
• Yoshua Bengio
• Andrew Ng
• Jürgen Schmidhuber
14 / 42
Image Recognition Speech Recognition Auto Caption
Self Driving Car Natural Language Processing Recommendation System
Introduction to Machine Learning
Applications
15 / 42
Introduction to Machine Learning
Convolutional Neural Network
Diagnosing of Alzheimer’s disease
16 / 42
Convolutional Neural Network
Overview
• Classification
• Convolution Operation + MLP
• Architecture
• Convolutional Layer (Convolution Operator, Activation)
• Subsampling (Downsampling, Pooling)
• Fully Connected Layer
• Classifier
17 / 42
Convolutional Neural Network
LeNet5† Convolutional Operation
† Gradient Based Learning Applied to Document Recognition
, Yann LeCun et al (1998)
• Digit Recognition • Weight matrix (filter): 4D tensor
[# of feature at layer m,
# of features at layer m-1,
height, width]
18 / 42
Convolutional Neural Network
Activation function (nonlinearity)
† Systematic evaluation of CNN advances on the ImageNet, Dmytro Mishkin, et al (2016)
19 / 42
Convolutional Neural Network
Pooling Layer
• Erase Noise
• Reduce Feature Map Size (Memory Save)
† Systematic evaluation of CNN advances on the ImageNet, Dmytro Mishkin, et al (2016)
20 / 42
Convolutional Neural Network
Training
• Error(Loss) Function: Categorical Cross Entropy
• Design Variable: weights(W), bias(b)
• Backpropagation
conjunction with an optimization method
such as gradient descent
• Vanishing gradient
21 / 42
Convolutional Neural Network
Mini-Batch Method
• Computational Efficiency
• Memory Use
• Iteration & Epoch
Vanilla Gradient Descent
Stochastic Gradient Descent
• Parameter update for each training example x(i) and label y(i)
• Step size(η) is typically set to 10-3
22 / 42
Convolutional Neural Network
Training (Optimization)
• Update Functions
• Second-order Method (L-BFGS) is not common in practice
• NAG is more standard
23 / 42
Convolutional Neural Network
Overfitting and Regularization
• Dropout
• Relaxation: Add Regularization Term to Loss Function
• Remove Layer (Reduce Parameters), Add Feature
† Dropout: A Simple Way to Prevent Neural Networks from Overfitting, Nitish Srivastava et al (2014)
24 / 42
Convolutional Neural Network
Local Optimum?
† Identifying and attacking the saddle point problem in high-dimensional non-convex optimization, Yann N. Dauphin et al (2014)
• Non-convex optimization problem
• deeper and more profound difficulty originates from the proliferation of saddle points, not
local minima, especially in high dimensional problems of practical interest
25 / 42
Convolutional Neural Network
Parallel Computation
• Architectural Parallel: Divide Channel
• Data Parallel: Divide Batch
26 / 42
ILSVRC
• Evaluate algorithms for object detection and image classification at large scale
• Training: 1.3M/ Test: 100k, 1000 categories
Convolutional Neural Network
27 / 42
AlexNet
• ILSVRC12 1st Place
• 15.3% error rate (2nd place achieved 26.5% error rate)
• Architecture Parallel (2GPU used)
† ImageNet Classification with Deep Convolutional Neural Networks, Alex Krizhevsky et al. (2012)
Convolutional Neural Network
28 / 42
VGG Net
• DeepMind
• ILSVRC14 2nd Place
• 6.8% error rate
† VERY DEEP CONVOLUTIONAL NETWORKS FOR LARGE-SCALE IMAGE RECOGNITION, Karen Simonyan et al. (2014)
Convolutional Neural Network
29 / 42
GoogLeNet
• Google
• Inception module
• ILSVRC14 1st Place
• 6.67% error rate
† Going Deeper with Convolutions, Christian Szegedy et al. (2014)
Convolutional Neural Network
30 / 42
MSRA
• MicroSoft
• PReLU activation
• Weight initialization
• 4.94% error rate (Surpass Human Level, 5.1%)
† Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification, Kaiming He et al. (2015)
Convolutional Neural Network
31 / 42
Inception-v3
• Google
• Inception Module Upgrade
• 50 GPUs
• 3.46% error rate
• Public Use with TensorFlow
† Going Deeper with Convolutions, Christian Szegedy et al. (2015)
Convolutional Neural Network
32 / 42
Convolutional Neural Network
Deep Neural Networks are Easily Fooled†
† Deep Neural Networks are Easily Fooled: High Confidence Predictions for Unrecognizable Images, A Nguyen et al (2014)
• It is possible to produce images totally unrecognizable to
human eyes
• interesting differences between human vision and current DNNs
• raise questions about the generality of DNN computer vision
33 / 42
Convolutional Neural Network
Neural Style
† A Neural Algorithm of Artistic Style, Leon A. Gatys et al (2014)
• Style + Contents reconstruction
• Caffe framework
• https://github.com/jcjohnson/neural-style
34 / 42
Introduction to Machine Learning
Convolutional Neural Network
Diagnosing of Alzheimer’s disease
35 / 42
Diagnosing of Alzheimer’s disease
Traditional Diagnosis of Alzheimer’s disease
• Review medical history
• Mini Mental Status Exam
• Physical Exam
• Neurological Exam
• Brain Image: Structural(MRI,CT), Functional(fMRI)
• NC(Normal Condition), MCI(Mild Cognitive Impairment), AD
• AD: Vascular/Non-Vascular
36 / 42
Diagnosing of Alzheimer’s disease
AD Patients’ MRI Features
• Temporal Lobe: Hippocampus
• Ventricle
37 / 42
Diagnosing of Alzheimer’s disease
Case Study: Machine Learning for diagnosing of AD
• PET, MRI images
• Patch Extraction
• Restrict Bolzmann Machine
• Accuracy: 92.4%(MRI), 95.35%(MRI+PET)
† Hierarchical feature representation and multimodal fusion with deep learning for AD/MCI diagnosis, Heung-Il Suk et al (2014)
38 / 42
Diagnosing of Alzheimer’s disease
Case Study: Machine Learning for diagnosing of AD
• Feature: Cortex Thickness
• FreeSurfer
• Linear discriminant analysis (LDA)
• Accuracy: Sensitivity: 82%, Specificity: 93%
† Individual subject classification for Alzheimer’s disease based on incremental learning using a
spatial frequency representation of cortical thickness data, Young-Sang Cho et al (2012)
39 / 42
Diagnosing of Alzheimer’s disease
Preprocessing
• Data Set: about 1400 of T1 MRI from SMC
• FreeSurfer: Skull Stripping: reduce size [256,256,256][190,190,190] / 67MB27MB
• Pixel Value Normalization [0,255]  [-1,1]
• Mirrored cropping
40 / 42
Diagnosing of Alzheimer’s disease
Architecture
• CNN
• Lasagne (Theano) Framework
• Inception Module, Batch Normalization
• 3D Convolution + CuDNN v3 (Github)
• 2 TITAN X GPU: Data Parallel (PyCUDA)
• Batch Size: 80
• Training Set
#Healthy Condition(HC): 761
#Alzheimer’s Disease (AD): 389
• Test Set
#Healthy Condition(HC): 105
#Alzheimer’s Disease (AD): 84
Data
41 / 42
Diagnosing of Alzheimer’s disease
Architecture
input
24*Conv11/5
MaxPool7/2
288*Conv3/2
FC120
DropOut
SoftMax
input
36*Conv16/6
MaxPool3/2
120*Conv4/1
BatchNorm
MaxPool3/2
60*Conv1/1
96*Conv3/1
12*Conv1/1
24*Conv5/124*Conv1/1
MaxPool3/1
48*Conv1/1
Concatenate
MaxPool3/2
FC150
128*Conv1/1
192*Conv3/1
32*Conv1/1
96*Conv5/164*Conv1/1
MaxPool3/1
128*Conv1/1
Concatenate
96*Conv1/1
208*Conv3/1
16*Conv1/1
48*Conv5/164*Conv1/1
MaxPool3/1
192*Conv1/1
Concatenate
SoftMax
input
60*Conv10/2
MaxPool2/2
144*Conv3/1
BatchNorm
MaxPool3/2
48*Conv1/1
72*Conv3/1
18*Conv1/1
36*Conv5/148*Conv1/1
MaxPool3/1
48*Conv1/1
Concatenate
MaxPool3/2
FC500
96*Conv1/1
208*Conv3/1
16*Conv1/1
48*Conv5/164*Conv1/1
MaxPool3/1
192*Conv1/1
Concatenate
160*Conv1/1
320*Conv3/1
32*Conv1/1
128*Conv5/1128*Conv1/1
MaxPool3/1
256*Conv1/1
Concatenate
SoftMax
280*Conv1/1
340*Conv3/1
32*Conv1/1
128*Conv5/1128*Conv1/1
MaxPool3/1
228*Conv1/1
Concatenate
AvgPool3/1
MidasNet1
MidasNet2
MidasNet3
42 / 42
Convergence History
Model Accuracy
MidasNet1 167/189 (88.4%)
MidasNet2 169/189 (89.4%)
MidasNet3 169/189 (89.4%)
0.01
0.1
1
10
0 10 20 30 40 50 60 70 80 90 100 110 120 130 140 150 160 170 180 190
Cost
Epoch
Diagnosing of Alzheimer’s disease
Result
Thank You

More Related Content

What's hot

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
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning ExplainedMelanie Swan
 
B&W Image Coloring (1).pptx
B&W  Image Coloring (1).pptxB&W  Image Coloring (1).pptx
B&W Image Coloring (1).pptxVaibhav533087
 
BRAIN TUMOR MRI IMAGE SEGMENTATION AND DETECTION IN IMAGE PROCESSING
BRAIN TUMOR MRI IMAGE SEGMENTATION AND DETECTION IN IMAGE PROCESSINGBRAIN TUMOR MRI IMAGE SEGMENTATION AND DETECTION IN IMAGE PROCESSING
BRAIN TUMOR MRI IMAGE SEGMENTATION AND DETECTION IN IMAGE PROCESSINGDharshika Shreeganesh
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Basit Rafiq
 
Deep learning on face recognition (use case, development and risk)
Deep learning on face recognition (use case, development and risk)Deep learning on face recognition (use case, development and risk)
Deep learning on face recognition (use case, development and risk)Herman Kurnadi
 
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
 
Machine Learning for Medical Image Analysis: What, where and how?
Machine Learning for Medical Image Analysis:What, where and how?Machine Learning for Medical Image Analysis:What, where and how?
Machine Learning for Medical Image Analysis: What, where and how?Debdoot Sheet
 
Pattern recognition and Machine Learning.
Pattern recognition and Machine Learning.Pattern recognition and Machine Learning.
Pattern recognition and Machine Learning.Rohit Kumar
 
Deep learning health care
Deep learning health care  Deep learning health care
Deep learning health care Meenakshi Sood
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningMohamed Loey
 
Lung Cancer Detection using transfer learning.pptx.pdf
Lung Cancer Detection using transfer learning.pptx.pdfLung Cancer Detection using transfer learning.pptx.pdf
Lung Cancer Detection using transfer learning.pptx.pdfjagan477830
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOswald Campesato
 
What is Deep Learning?
What is Deep Learning?What is Deep Learning?
What is Deep Learning?NVIDIA
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer VisionSungjoon Choi
 
Machine learning in image processing
Machine learning in image processingMachine learning in image processing
Machine learning in image processingData Science Thailand
 
Feature Extraction
Feature ExtractionFeature Extraction
Feature Extractionskylian
 

What's hot (20)

Computer vision
Computer visionComputer vision
Computer vision
 
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
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning Explained
 
CNN Tutorial
CNN TutorialCNN Tutorial
CNN Tutorial
 
B&W Image Coloring (1).pptx
B&W  Image Coloring (1).pptxB&W  Image Coloring (1).pptx
B&W Image Coloring (1).pptx
 
BRAIN TUMOR MRI IMAGE SEGMENTATION AND DETECTION IN IMAGE PROCESSING
BRAIN TUMOR MRI IMAGE SEGMENTATION AND DETECTION IN IMAGE PROCESSINGBRAIN TUMOR MRI IMAGE SEGMENTATION AND DETECTION IN IMAGE PROCESSING
BRAIN TUMOR MRI IMAGE SEGMENTATION AND DETECTION IN IMAGE PROCESSING
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
 
Deep learning on face recognition (use case, development and risk)
Deep learning on face recognition (use case, development and risk)Deep learning on face recognition (use case, development and risk)
Deep learning on face recognition (use case, development and risk)
 
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...
 
Machine Learning for Medical Image Analysis: What, where and how?
Machine Learning for Medical Image Analysis:What, where and how?Machine Learning for Medical Image Analysis:What, where and how?
Machine Learning for Medical Image Analysis: What, where and how?
 
Pattern recognition and Machine Learning.
Pattern recognition and Machine Learning.Pattern recognition and Machine Learning.
Pattern recognition and Machine Learning.
 
Deep learning health care
Deep learning health care  Deep learning health care
Deep learning health care
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep Learning
 
Lung Cancer Detection using transfer learning.pptx.pdf
Lung Cancer Detection using transfer learning.pptx.pdfLung Cancer Detection using transfer learning.pptx.pdf
Lung Cancer Detection using transfer learning.pptx.pdf
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
What is Deep Learning?
What is Deep Learning?What is Deep Learning?
What is Deep Learning?
 
Canny Edge Detection
Canny Edge DetectionCanny Edge Detection
Canny Edge Detection
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer Vision
 
Machine learning in image processing
Machine learning in image processingMachine learning in image processing
Machine learning in image processing
 
Feature Extraction
Feature ExtractionFeature Extraction
Feature Extraction
 

Similar to Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroimaging

Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakPyData
 
DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101Felipe Prado
 
Introduction to Deep Learning and some Neuroimaging Applications
Introduction to Deep Learning and some Neuroimaging ApplicationsIntroduction to Deep Learning and some Neuroimaging Applications
Introduction to Deep Learning and some Neuroimaging ApplicationsWalter Hugo Lopez Pinaya
 
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...Impetus Technologies
 
FACE RECOGNITION USING ELM-LRF
FACE RECOGNITION USING ELM-LRFFACE RECOGNITION USING ELM-LRF
FACE RECOGNITION USING ELM-LRFAras Masood
 
Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesTuri, Inc.
 
Machine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning SystemsMachine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning SystemsClarence Chio
 
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerMDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerPoo Kuan Hoong
 
Recent advances of AI for medical imaging : Engineering perspectives
Recent advances of AI for medical imaging : Engineering perspectivesRecent advances of AI for medical imaging : Engineering perspectives
Recent advances of AI for medical imaging : Engineering perspectivesNamkug Kim
 
Finding the best solution for Image Processing
Finding the best solution for Image ProcessingFinding the best solution for Image Processing
Finding the best solution for Image ProcessingTech Triveni
 
How Can Machine Learning Help Your Research Forward?
How Can Machine Learning Help Your Research Forward?How Can Machine Learning Help Your Research Forward?
How Can Machine Learning Help Your Research Forward?Wouter Deconinck
 
Deep Learning, an interactive introduction for NLP-ers
Deep Learning, an interactive introduction for NLP-ersDeep Learning, an interactive introduction for NLP-ers
Deep Learning, an interactive introduction for NLP-ersRoelof Pieters
 
Improving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN ApplicationsImproving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN ApplicationsChester Chen
 
Details of Lazy Deep Learning for Images Recognition in ZZ Photo app
Details of Lazy Deep Learning for Images Recognition in ZZ Photo appDetails of Lazy Deep Learning for Images Recognition in ZZ Photo app
Details of Lazy Deep Learning for Images Recognition in ZZ Photo appPAY2 YOU
 
HiPEAC 2019 Workshop - Real-Time Modelling Visual Scenes with Biological Insp...
HiPEAC 2019 Workshop - Real-Time Modelling Visual Scenes with Biological Insp...HiPEAC 2019 Workshop - Real-Time Modelling Visual Scenes with Biological Insp...
HiPEAC 2019 Workshop - Real-Time Modelling Visual Scenes with Biological Insp...Tulipp. Eu
 
Long-term Face Tracking in the Wild using Deep Learning
Long-term Face Tracking in the Wild using Deep LearningLong-term Face Tracking in the Wild using Deep Learning
Long-term Face Tracking in the Wild using Deep LearningElaheh Rashedi
 

Similar to Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroimaging (20)

Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
 
DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101
 
Introduction to Deep Learning and some Neuroimaging Applications
Introduction to Deep Learning and some Neuroimaging ApplicationsIntroduction to Deep Learning and some Neuroimaging Applications
Introduction to Deep Learning and some Neuroimaging Applications
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
 
FACE RECOGNITION USING ELM-LRF
FACE RECOGNITION USING ELM-LRFFACE RECOGNITION USING ELM-LRF
FACE RECOGNITION USING ELM-LRF
 
Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep Features
 
Machine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning SystemsMachine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning Systems
 
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerMDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
 
Recent advances of AI for medical imaging : Engineering perspectives
Recent advances of AI for medical imaging : Engineering perspectivesRecent advances of AI for medical imaging : Engineering perspectives
Recent advances of AI for medical imaging : Engineering perspectives
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
Finding the best solution for Image Processing
Finding the best solution for Image ProcessingFinding the best solution for Image Processing
Finding the best solution for Image Processing
 
How Can Machine Learning Help Your Research Forward?
How Can Machine Learning Help Your Research Forward?How Can Machine Learning Help Your Research Forward?
How Can Machine Learning Help Your Research Forward?
 
Deep Learning, an interactive introduction for NLP-ers
Deep Learning, an interactive introduction for NLP-ersDeep Learning, an interactive introduction for NLP-ers
Deep Learning, an interactive introduction for NLP-ers
 
Improving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN ApplicationsImproving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN Applications
 
Details of Lazy Deep Learning for Images Recognition in ZZ Photo app
Details of Lazy Deep Learning for Images Recognition in ZZ Photo appDetails of Lazy Deep Learning for Images Recognition in ZZ Photo app
Details of Lazy Deep Learning for Images Recognition in ZZ Photo app
 
Anits dip
Anits dipAnits dip
Anits dip
 
AlexNet
AlexNetAlexNet
AlexNet
 
HiPEAC 2019 Workshop - Real-Time Modelling Visual Scenes with Biological Insp...
HiPEAC 2019 Workshop - Real-Time Modelling Visual Scenes with Biological Insp...HiPEAC 2019 Workshop - Real-Time Modelling Visual Scenes with Biological Insp...
HiPEAC 2019 Workshop - Real-Time Modelling Visual Scenes with Biological Insp...
 
Long-term Face Tracking in the Wild using Deep Learning
Long-term Face Tracking in the Wild using Deep LearningLong-term Face Tracking in the Wild using Deep Learning
Long-term Face Tracking in the Wild using Deep Learning
 

Recently uploaded

main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidNikhilNagaraju
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...Soham Mondal
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.eptoze12
 
Churning of Butter, Factors affecting .
Churning of Butter, Factors affecting  .Churning of Butter, Factors affecting  .
Churning of Butter, Factors affecting .Satyam Kumar
 
Artificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxArtificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxbritheesh05
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSCAESB
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxPoojaBan
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxDeepakSakkari2
 
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort serviceGurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort servicejennyeacort
 
Introduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptxIntroduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptxk795866
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024Mark Billinghurst
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
INFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETE
INFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETEINFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETE
INFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETEroselinkalist12
 
Concrete Mix Design - IS 10262-2019 - .pptx
Concrete Mix Design - IS 10262-2019 - .pptxConcrete Mix Design - IS 10262-2019 - .pptx
Concrete Mix Design - IS 10262-2019 - .pptxKartikeyaDwivedi3
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile servicerehmti665
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineeringmalavadedarshan25
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learningmisbanausheenparvam
 

Recently uploaded (20)

main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfid
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.
 
Churning of Butter, Factors affecting .
Churning of Butter, Factors affecting  .Churning of Butter, Factors affecting  .
Churning of Butter, Factors affecting .
 
Artificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxArtificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptx
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentation
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptx
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptx
 
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort serviceGurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
 
Introduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptxIntroduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptx
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024
 
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
INFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETE
INFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETEINFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETE
INFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETE
 
Concrete Mix Design - IS 10262-2019 - .pptx
Concrete Mix Design - IS 10262-2019 - .pptxConcrete Mix Design - IS 10262-2019 - .pptx
Concrete Mix Design - IS 10262-2019 - .pptx
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile service
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineering
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learning
 

Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroimaging

  • 1. 1 / 42 Diagnosis of alzheimer's disease with deep learning 2016. 7. 4 Seonho Park
  • 2. 2 / 42 Outline Introduction to Machine Learning Convolutional Neural Network Diagnosing of Alzheimer’s disease
  • 3. 3 / 42 Introduction to Machine Learning Convolutional Neural Network Diagnosing of Alzheimer’s disease
  • 4. 4 / 42 Introduction to Machine Learning x1 x2 x1 y x1 x2 <Supervised Learning> <Unsupervised Learning> classification regression clustering Category of Machine Learning 문제 + 정답 문제 + 정답 문제 + 정답 데이터 + 레이블 머신러닝 학습 머신러닝 모델 정답 예측새로운 데이터 문제 + 정답 문제 + ??? 분류 회귀 Cat Computer Lion Pencil Pig 레이블 없는 데이터 머신러닝 학습 군집화
  • 5. 5 / 42 Introduction to Machine Learning Scikit-Learn • Machine Learning Library in Python • http://scikit-learn.org/ • Classification: Decision trees, SVM, NN • Regression: GP, Ordinary LS, Ridge Regression, SVR • Clustering: k-Means, Spectral Clustering
  • 6. 6 / 42 Introduction to Machine Learning Why Deep Learning? • Deep Learning = Deep Neural Network • Data and Machine Learning † http://cs229.stanford.edu/materials/CS229-DeepLearning.pdf
  • 7. 7 / 42 Introduction to Machine Learning Artificial neural networks Training = Find weights (parameters) Inference = get output by specific input and trained weights
  • 8. 8 / 42 Introduction to Machine Learning Convolutional Neural Network (CNN) • Image Processing (Computer Vision)
  • 9. 9 / 42 Introduction to Machine Learning Recurrent Neural Network (RNN) • Time Series Data • Natural Language Processing • Translation, Speech Recognition, Auto Caption • 자동번역, 음성인식, 이미지 캡션 생성 등에 활용 † Towards End-to-End Speech Recognition with Recurrent Neural Networks, Alex Graves et al (2014)
  • 10. 10 / 42 Introduction to Machine Learning Why GPU? • CuDNN: GPU-accelerated library of primitives for deep neural networks • VRAM limitation, Double/Single/Half Precision • Linear Algebra: CuBLAS, MAGMA
  • 11. 11 / 42 Introduction to Machine Learning Frameworks Cuda-ConvNetPylearn2 Lasagne
  • 12. 12 / 42 Introduction to Machine Learning Open Sources for Deep Learning † Comparative Study of Deep Learning Software Frameworks, Soheil Bahrampour et al (2015)
  • 13. 13 / 42 Introduction to Machine Learning Pioneers • Yann Lecun • Geoffrey Hinton • Yoshua Bengio • Andrew Ng • Jürgen Schmidhuber
  • 14. 14 / 42 Image Recognition Speech Recognition Auto Caption Self Driving Car Natural Language Processing Recommendation System Introduction to Machine Learning Applications
  • 15. 15 / 42 Introduction to Machine Learning Convolutional Neural Network Diagnosing of Alzheimer’s disease
  • 16. 16 / 42 Convolutional Neural Network Overview • Classification • Convolution Operation + MLP • Architecture • Convolutional Layer (Convolution Operator, Activation) • Subsampling (Downsampling, Pooling) • Fully Connected Layer • Classifier
  • 17. 17 / 42 Convolutional Neural Network LeNet5† Convolutional Operation † Gradient Based Learning Applied to Document Recognition , Yann LeCun et al (1998) • Digit Recognition • Weight matrix (filter): 4D tensor [# of feature at layer m, # of features at layer m-1, height, width]
  • 18. 18 / 42 Convolutional Neural Network Activation function (nonlinearity) † Systematic evaluation of CNN advances on the ImageNet, Dmytro Mishkin, et al (2016)
  • 19. 19 / 42 Convolutional Neural Network Pooling Layer • Erase Noise • Reduce Feature Map Size (Memory Save) † Systematic evaluation of CNN advances on the ImageNet, Dmytro Mishkin, et al (2016)
  • 20. 20 / 42 Convolutional Neural Network Training • Error(Loss) Function: Categorical Cross Entropy • Design Variable: weights(W), bias(b) • Backpropagation conjunction with an optimization method such as gradient descent • Vanishing gradient
  • 21. 21 / 42 Convolutional Neural Network Mini-Batch Method • Computational Efficiency • Memory Use • Iteration & Epoch Vanilla Gradient Descent Stochastic Gradient Descent • Parameter update for each training example x(i) and label y(i) • Step size(η) is typically set to 10-3
  • 22. 22 / 42 Convolutional Neural Network Training (Optimization) • Update Functions • Second-order Method (L-BFGS) is not common in practice • NAG is more standard
  • 23. 23 / 42 Convolutional Neural Network Overfitting and Regularization • Dropout • Relaxation: Add Regularization Term to Loss Function • Remove Layer (Reduce Parameters), Add Feature † Dropout: A Simple Way to Prevent Neural Networks from Overfitting, Nitish Srivastava et al (2014)
  • 24. 24 / 42 Convolutional Neural Network Local Optimum? † Identifying and attacking the saddle point problem in high-dimensional non-convex optimization, Yann N. Dauphin et al (2014) • Non-convex optimization problem • deeper and more profound difficulty originates from the proliferation of saddle points, not local minima, especially in high dimensional problems of practical interest
  • 25. 25 / 42 Convolutional Neural Network Parallel Computation • Architectural Parallel: Divide Channel • Data Parallel: Divide Batch
  • 26. 26 / 42 ILSVRC • Evaluate algorithms for object detection and image classification at large scale • Training: 1.3M/ Test: 100k, 1000 categories Convolutional Neural Network
  • 27. 27 / 42 AlexNet • ILSVRC12 1st Place • 15.3% error rate (2nd place achieved 26.5% error rate) • Architecture Parallel (2GPU used) † ImageNet Classification with Deep Convolutional Neural Networks, Alex Krizhevsky et al. (2012) Convolutional Neural Network
  • 28. 28 / 42 VGG Net • DeepMind • ILSVRC14 2nd Place • 6.8% error rate † VERY DEEP CONVOLUTIONAL NETWORKS FOR LARGE-SCALE IMAGE RECOGNITION, Karen Simonyan et al. (2014) Convolutional Neural Network
  • 29. 29 / 42 GoogLeNet • Google • Inception module • ILSVRC14 1st Place • 6.67% error rate † Going Deeper with Convolutions, Christian Szegedy et al. (2014) Convolutional Neural Network
  • 30. 30 / 42 MSRA • MicroSoft • PReLU activation • Weight initialization • 4.94% error rate (Surpass Human Level, 5.1%) † Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification, Kaiming He et al. (2015) Convolutional Neural Network
  • 31. 31 / 42 Inception-v3 • Google • Inception Module Upgrade • 50 GPUs • 3.46% error rate • Public Use with TensorFlow † Going Deeper with Convolutions, Christian Szegedy et al. (2015) Convolutional Neural Network
  • 32. 32 / 42 Convolutional Neural Network Deep Neural Networks are Easily Fooled† † Deep Neural Networks are Easily Fooled: High Confidence Predictions for Unrecognizable Images, A Nguyen et al (2014) • It is possible to produce images totally unrecognizable to human eyes • interesting differences between human vision and current DNNs • raise questions about the generality of DNN computer vision
  • 33. 33 / 42 Convolutional Neural Network Neural Style † A Neural Algorithm of Artistic Style, Leon A. Gatys et al (2014) • Style + Contents reconstruction • Caffe framework • https://github.com/jcjohnson/neural-style
  • 34. 34 / 42 Introduction to Machine Learning Convolutional Neural Network Diagnosing of Alzheimer’s disease
  • 35. 35 / 42 Diagnosing of Alzheimer’s disease Traditional Diagnosis of Alzheimer’s disease • Review medical history • Mini Mental Status Exam • Physical Exam • Neurological Exam • Brain Image: Structural(MRI,CT), Functional(fMRI) • NC(Normal Condition), MCI(Mild Cognitive Impairment), AD • AD: Vascular/Non-Vascular
  • 36. 36 / 42 Diagnosing of Alzheimer’s disease AD Patients’ MRI Features • Temporal Lobe: Hippocampus • Ventricle
  • 37. 37 / 42 Diagnosing of Alzheimer’s disease Case Study: Machine Learning for diagnosing of AD • PET, MRI images • Patch Extraction • Restrict Bolzmann Machine • Accuracy: 92.4%(MRI), 95.35%(MRI+PET) † Hierarchical feature representation and multimodal fusion with deep learning for AD/MCI diagnosis, Heung-Il Suk et al (2014)
  • 38. 38 / 42 Diagnosing of Alzheimer’s disease Case Study: Machine Learning for diagnosing of AD • Feature: Cortex Thickness • FreeSurfer • Linear discriminant analysis (LDA) • Accuracy: Sensitivity: 82%, Specificity: 93% † Individual subject classification for Alzheimer’s disease based on incremental learning using a spatial frequency representation of cortical thickness data, Young-Sang Cho et al (2012)
  • 39. 39 / 42 Diagnosing of Alzheimer’s disease Preprocessing • Data Set: about 1400 of T1 MRI from SMC • FreeSurfer: Skull Stripping: reduce size [256,256,256][190,190,190] / 67MB27MB • Pixel Value Normalization [0,255]  [-1,1] • Mirrored cropping
  • 40. 40 / 42 Diagnosing of Alzheimer’s disease Architecture • CNN • Lasagne (Theano) Framework • Inception Module, Batch Normalization • 3D Convolution + CuDNN v3 (Github) • 2 TITAN X GPU: Data Parallel (PyCUDA) • Batch Size: 80 • Training Set #Healthy Condition(HC): 761 #Alzheimer’s Disease (AD): 389 • Test Set #Healthy Condition(HC): 105 #Alzheimer’s Disease (AD): 84 Data
  • 41. 41 / 42 Diagnosing of Alzheimer’s disease Architecture input 24*Conv11/5 MaxPool7/2 288*Conv3/2 FC120 DropOut SoftMax input 36*Conv16/6 MaxPool3/2 120*Conv4/1 BatchNorm MaxPool3/2 60*Conv1/1 96*Conv3/1 12*Conv1/1 24*Conv5/124*Conv1/1 MaxPool3/1 48*Conv1/1 Concatenate MaxPool3/2 FC150 128*Conv1/1 192*Conv3/1 32*Conv1/1 96*Conv5/164*Conv1/1 MaxPool3/1 128*Conv1/1 Concatenate 96*Conv1/1 208*Conv3/1 16*Conv1/1 48*Conv5/164*Conv1/1 MaxPool3/1 192*Conv1/1 Concatenate SoftMax input 60*Conv10/2 MaxPool2/2 144*Conv3/1 BatchNorm MaxPool3/2 48*Conv1/1 72*Conv3/1 18*Conv1/1 36*Conv5/148*Conv1/1 MaxPool3/1 48*Conv1/1 Concatenate MaxPool3/2 FC500 96*Conv1/1 208*Conv3/1 16*Conv1/1 48*Conv5/164*Conv1/1 MaxPool3/1 192*Conv1/1 Concatenate 160*Conv1/1 320*Conv3/1 32*Conv1/1 128*Conv5/1128*Conv1/1 MaxPool3/1 256*Conv1/1 Concatenate SoftMax 280*Conv1/1 340*Conv3/1 32*Conv1/1 128*Conv5/1128*Conv1/1 MaxPool3/1 228*Conv1/1 Concatenate AvgPool3/1 MidasNet1 MidasNet2 MidasNet3
  • 42. 42 / 42 Convergence History Model Accuracy MidasNet1 167/189 (88.4%) MidasNet2 169/189 (89.4%) MidasNet3 169/189 (89.4%) 0.01 0.1 1 10 0 10 20 30 40 50 60 70 80 90 100 110 120 130 140 150 160 170 180 190 Cost Epoch Diagnosing of Alzheimer’s disease Result