SlideShare a Scribd company logo
1 of 34
Download to read offline
Introduction to Deep Learning for
Medical Image Analysis
MD-AI Meetup // May 27, 2020
Dan Lee Co-founder & CEO // Dentuit Imaging
Motivation?
1. Challenge myself to refresh, learn, and clearly communicate
my understanding of a rapidly evolving technology
2. Attempt to derail the AI hype train - and share some real world
use cases
3. Share a glimpse into the future of medicine/dentistry.
4. Inspire you to pursue self-learning on a particular detail that
interested you (links for further reading are shared at the end)
5. And finally ...
a quick plug on our awesome
startup & partners:
Dentuit Imaging
Today
Current digital “solutions”
But what if ….
“... having work done
at a dental school
clinic inherently
involves a huge
amount of oversight:
every diagnosis and
filling is checked over
by several students
and professors ...”
link to Vox article
Why Medical Imaging?
Meaningful information drives
better decision making.
❖ screen for possible health conditions before
symptoms appear.
❖ diagnose the likely cause of existing symptoms.
❖ monitor health conditions that have been diagnosed,
or the effects of treatment for them.
Types of Medical Imaging
❖ Plain X-ray
❖ Computed tomography (CT
scans)
❖ Nuclear medicine imaging
including positron-emission
tomography (PET)
Types of Medical Imaging
Medical Imaging not always Radiographic:
❖ Magnetic resonance imaging (MRI)
❖ Ultrasound (sound waves)
❖ Endoscopy
… and many more. Okay … So What?
(we’ll come back to answer that question in a later slide)
Neural Networks (NNs)
Neural networks are a set of algorithms, modeled loosely after the human
brain, that are designed to recognize patterns.
They interpret sensory data through a kind of machine perception, labeling or
clustering raw input.
The patterns they recognize are numerical, contained in vectors, into
which all real-world data, be it images, sound, text or time series, must be
translated.
[link]
A node combines input from the
data with a set of coefficients, or
weights, that either amplify or
dampen that input, thereby
assigning significance to inputs with
regard to the task the algorithm is
trying to learn; e.g. which input is
most helpful is classifying data
without error?
These input-weight products are
summed and then the sum is
passed through a node’s so-called
activation function, to determine
whether and to what extent that
signal should progress further
through the network to affect the
ultimate outcome, say, an act of
classification. If the signals passes
through, the neuron has been
“activated.”
Quick detour for a History lesson
❖ 1950s: Artificial Neural Network (ANNs) were introduced
➢ loosely modeled after the neurons in a biological brain (see slides on NNs)
➢ lack of computing power + absence of sufficient data
■ remember the earlier slide on advances in medical imaging?
❖ 1980s: Machine learning (ML) algorithms introduced for classification tasks
➢ (See next slide)
❖ Early 2000s: computer-aided detection (CAD) systems were developed and
introduced in the clinical workflow
➢ More false-positives than human readers
➢ Led to a greater assessment time and additional biopsies
❖ Present: Deep Neural Networks (DNNs)
Classical ML to Modern DL
Deep Learning (DL)
Deep learning is a subtype of representation learning which aims to
describe complex data representations using simpler hierarchized structures
defined from a set of specific features. [link]
Let’s specifically examine CNNs to better understand this definition.
A Convolutional Neural Network (CNN) is a type of neural network
that specializes in image recognition and computer vision tasks.
CNNs have two main parts:
1. A convolution/pooling
mechanism that breaks up
the image into features
and analyzes them
2. A fully connected layer
that takes the output of
convolution/pooling and
predicts the best label to
describe the image
convolution/pooling mechanism that breaks up the image into
features and analyzes them
[link]
(visualize the convolution/pooling in action)
Neural Networks - Architecture?
The term neural network architecture refers to the:
(a) arrangement of neurons into layers
(b) and the connection patterns between layers, activation
functions, and learning methods.
Therefore: the neural network model and the architecture of a
neural network determine how a network transforms its input into
an output.
some examples typically used for medical image analysis
● AlexNet
● VGG
● GoogLeNet
● ResNet
● Highway nets
● DenseNet
● GANs
● ResNext
● SENets
● NASNet
● YOLO
● Siamese Nets
● U-net
● V-net
Graphing their accuracy versus amount
of operations required for a single forward
pass.
clinical uses of DL techniques
Convolutional Neural
Networks are successful
for simpler image tasks
such as classification
Not for more complex
ones like localization
and segmentation.
BUT ...
In biomedical cases, it requires us not only to distinguish whether
there is a disease, but also to localise the area of abnormality.
This is where other algorithms like U-Net and ResNet
architectures come into play.
U-net: first realized as suggestion for better
segmentation on biomedical images.
In CNN, the image is converted
into a vector which is largely
used in classification problems.
But in U-Net, an image is
converted into a vector and
then the same mapping is used
to convert it again to an image.
SIMPLY PUT: It converts the
segmentation problem into a
classification problem where
we need to classify each
pixel to one of the classes.
Residual Networks (ResNet) addresses the
“vanishing gradient” problem
In traditional neural
networks, each layer feeds
into the next layer. But in
a network with residual
blocks, each layer feeds
into the next layer and
directly into the layers
about some hops away.
Notable Breakthroughs: CheXNet (Nov 2017)
“CheXNet” is a type of image
analysing AI called a DenseNet
(a variant of a ConvNet, similar
to a ResNet) that was trained to
detect abnormalities on chest
x-rays, using the ChestXray14
dataset.
Notable Breakthroughs:
Google Health/DeepMind (Jan 2020)
Challenges: Limited Datasets
● Medical images are protected by privacy & legal frameworks e.g., HIPAA
● Medical annotations are Costly & specialized labelers
● Siloed databases with little to no interoperability
The Workarounds ...
● Data augmentation
● De-identification protocol (Safe Harbor, Expert determination)
● Crowdsourced (from medical community) annotation platforms
● Distributed & federated learning
● U-nets, etc.
More better approaches are still TBD in current and future research
Challenges: Real world Performance
Other Noteworthy Challenges
● Data Standards
● Algorithmic Bias
● Privacy and Legal Issues
● Uninterpretable Black Box Model
… and many more - just not enough time to cover them all here.
● A Comprehensive Introduction to Different Types of Convolutions
in Deep Learning [link]
● JAMA’s Machine Learning For Medical Image Analysis - How It
Works [link]
● Udacity’s Virtual Conference on AI for Healthcare (webinar
recordings) [link]
● Stanford’s AIMI Center - Shared Datasets [link]
● Deep Learning Book [link]
● NVIDIA Deep Learning Institute (DLI) [link]
● Introduction to U-Net and Res-Net for Image Segmentation [link]
Q&A
Dan Lee
hello@dentuit.ai
Website launching soon - stay tuned.

More Related Content

What's hot

Application of-image-segmentation-in-brain-tumor-detection
Application of-image-segmentation-in-brain-tumor-detectionApplication of-image-segmentation-in-brain-tumor-detection
Application of-image-segmentation-in-brain-tumor-detectionMyat Myint Zu Thin
 
Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural NetworksYogendra Tamang
 
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 tumorVenkat Projects
 
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
 
Artificial intelligence in medical image processing
Artificial intelligence in medical image processingArtificial intelligence in medical image processing
Artificial intelligence in medical image processingFarzad Jahedi
 
Deep learning health care
Deep learning health care  Deep learning health care
Deep learning health care Meenakshi Sood
 
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 DiagnosisCognizant
 
Image Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyImage Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyNUPUR YADAV
 
UNet-VGG16 with transfer learning for MRI-based brain tumor segmentation
UNet-VGG16 with transfer learning for MRI-based brain tumor segmentationUNet-VGG16 with transfer learning for MRI-based brain tumor segmentation
UNet-VGG16 with transfer learning for MRI-based brain tumor segmentationTELKOMNIKA JOURNAL
 
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical AnalysisBrain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical AnalysisMD Abdullah Al Nasim
 
Brain Tumour Detection.pptx
Brain Tumour Detection.pptxBrain Tumour Detection.pptx
Brain Tumour Detection.pptxRevolverRaja2
 
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnnSumeraHangi
 
MULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORK
MULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORKMULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORK
MULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORKBenyamin Moadab
 
Brain tumor detection using convolutional neural network
Brain tumor detection using convolutional neural network Brain tumor detection using convolutional neural network
Brain tumor detection using convolutional neural network MD Abdullah Al Nasim
 
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
 

What's hot (20)

Application of-image-segmentation-in-brain-tumor-detection
Application of-image-segmentation-in-brain-tumor-detectionApplication of-image-segmentation-in-brain-tumor-detection
Application of-image-segmentation-in-brain-tumor-detection
 
Deep Learning for Computer Vision: Medical Imaging (UPC 2016)
Deep Learning for Computer Vision: Medical Imaging (UPC 2016)Deep Learning for Computer Vision: Medical Imaging (UPC 2016)
Deep Learning for Computer Vision: Medical Imaging (UPC 2016)
 
Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural Networks
 
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
 
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)
 
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
 
Artificial intelligence in medical image processing
Artificial intelligence in medical image processingArtificial intelligence in medical image processing
Artificial intelligence in medical image processing
 
Deep learning health care
Deep learning health care  Deep learning health care
Deep learning health care
 
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
 
Image Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyImage Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A survey
 
UNet-VGG16 with transfer learning for MRI-based brain tumor segmentation
UNet-VGG16 with transfer learning for MRI-based brain tumor segmentationUNet-VGG16 with transfer learning for MRI-based brain tumor segmentation
UNet-VGG16 with transfer learning for MRI-based brain tumor segmentation
 
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical AnalysisBrain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
 
brain tumor ppt.pptx
brain tumor ppt.pptxbrain tumor ppt.pptx
brain tumor ppt.pptx
 
Brain Tumour Detection.pptx
Brain Tumour Detection.pptxBrain Tumour Detection.pptx
Brain Tumour Detection.pptx
 
Disease Prediction by Machine Learning Over Big Data From Healthcare Communities
Disease Prediction by Machine Learning Over Big Data From Healthcare CommunitiesDisease Prediction by Machine Learning Over Big Data From Healthcare Communities
Disease Prediction by Machine Learning Over Big Data From Healthcare Communities
 
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnn
 
Deep learning and Healthcare
Deep learning and HealthcareDeep learning and Healthcare
Deep learning and Healthcare
 
MULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORK
MULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORKMULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORK
MULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORK
 
Brain tumor detection using convolutional neural network
Brain tumor detection using convolutional neural network Brain tumor detection using convolutional neural network
Brain tumor detection using convolutional neural network
 
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
 

Similar to Intro to Deep Learning for Medical Image Analysis, with Dan Lee from Dentuit AI

Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkAIRCC Publishing Corporation
 
Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkAIRCC Publishing Corporation
 
Meta analysis of convolutional neural networks for radiological images - Pubrica
Meta analysis of convolutional neural networks for radiological images - PubricaMeta analysis of convolutional neural networks for radiological images - Pubrica
Meta analysis of convolutional neural networks for radiological images - PubricaPubrica
 
Evaluation of deep neural network architectures in the identification of bone...
Evaluation of deep neural network architectures in the identification of bone...Evaluation of deep neural network architectures in the identification of bone...
Evaluation of deep neural network architectures in the identification of bone...TELKOMNIKA JOURNAL
 
ARTIFICIAL............ INTELLIGENCE.pptx
ARTIFICIAL............ INTELLIGENCE.pptxARTIFICIAL............ INTELLIGENCE.pptx
ARTIFICIAL............ INTELLIGENCE.pptxHimanshu Goyal
 
Nature Inspired Reasoning Applied in Semantic Web
Nature Inspired Reasoning Applied in Semantic WebNature Inspired Reasoning Applied in Semantic Web
Nature Inspired Reasoning Applied in Semantic Webguestecf0af
 
Neural Networks
Neural Networks Neural Networks
Neural Networks Eric Su
 
machinelearningengineeringslideshare-160909192132 (1).pdf
machinelearningengineeringslideshare-160909192132 (1).pdfmachinelearningengineeringslideshare-160909192132 (1).pdf
machinelearningengineeringslideshare-160909192132 (1).pdfShivareddyGangam
 
An Overview On Neural Network And Its Application
An Overview On Neural Network And Its ApplicationAn Overview On Neural Network And Its Application
An Overview On Neural Network And Its ApplicationSherri Cost
 
Applications in Machine Learning
Applications in Machine LearningApplications in Machine Learning
Applications in Machine LearningJoel Graff
 
IRJET- The Essentials of Neural Networks and their Applications
IRJET- The Essentials of Neural Networks and their ApplicationsIRJET- The Essentials of Neural Networks and their Applications
IRJET- The Essentials of Neural Networks and their ApplicationsIRJET Journal
 
Crime Detection using Machine Learning
Crime Detection using Machine LearningCrime Detection using Machine Learning
Crime Detection using Machine LearningIRJET Journal
 
A Survey on Image Processing using CNN in Deep Learning
A Survey on Image Processing using CNN in Deep LearningA Survey on Image Processing using CNN in Deep Learning
A Survey on Image Processing using CNN in Deep LearningIRJET Journal
 
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHMPADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHMIRJET Journal
 
X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...
X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...
X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...cscpconf
 
X-TREPAN : A Multi Class Regression and Adapted Extraction of Comprehensible ...
X-TREPAN : A Multi Class Regression and Adapted Extraction of Comprehensible ...X-TREPAN : A Multi Class Regression and Adapted Extraction of Comprehensible ...
X-TREPAN : A Multi Class Regression and Adapted Extraction of Comprehensible ...csandit
 
X trepan an extended trepan for
X trepan an extended trepan forX trepan an extended trepan for
X trepan an extended trepan forijaia
 

Similar to Intro to Deep Learning for Medical Image Analysis, with Dan Lee from Dentuit AI (20)

Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural Network
 
Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural Network
 
Meta analysis of convolutional neural networks for radiological images - Pubrica
Meta analysis of convolutional neural networks for radiological images - PubricaMeta analysis of convolutional neural networks for radiological images - Pubrica
Meta analysis of convolutional neural networks for radiological images - Pubrica
 
Evaluation of deep neural network architectures in the identification of bone...
Evaluation of deep neural network architectures in the identification of bone...Evaluation of deep neural network architectures in the identification of bone...
Evaluation of deep neural network architectures in the identification of bone...
 
Project Report -Vaibhav
Project Report -VaibhavProject Report -Vaibhav
Project Report -Vaibhav
 
ARTIFICIAL............ INTELLIGENCE.pptx
ARTIFICIAL............ INTELLIGENCE.pptxARTIFICIAL............ INTELLIGENCE.pptx
ARTIFICIAL............ INTELLIGENCE.pptx
 
Nature Inspired Reasoning Applied in Semantic Web
Nature Inspired Reasoning Applied in Semantic WebNature Inspired Reasoning Applied in Semantic Web
Nature Inspired Reasoning Applied in Semantic Web
 
Neural Networks
Neural Networks Neural Networks
Neural Networks
 
machinelearningengineeringslideshare-160909192132 (1).pdf
machinelearningengineeringslideshare-160909192132 (1).pdfmachinelearningengineeringslideshare-160909192132 (1).pdf
machinelearningengineeringslideshare-160909192132 (1).pdf
 
An Overview On Neural Network And Its Application
An Overview On Neural Network And Its ApplicationAn Overview On Neural Network And Its Application
An Overview On Neural Network And Its Application
 
Applications in Machine Learning
Applications in Machine LearningApplications in Machine Learning
Applications in Machine Learning
 
IRJET- The Essentials of Neural Networks and their Applications
IRJET- The Essentials of Neural Networks and their ApplicationsIRJET- The Essentials of Neural Networks and their Applications
IRJET- The Essentials of Neural Networks and their Applications
 
Crime Detection using Machine Learning
Crime Detection using Machine LearningCrime Detection using Machine Learning
Crime Detection using Machine Learning
 
A Survey on Image Processing using CNN in Deep Learning
A Survey on Image Processing using CNN in Deep LearningA Survey on Image Processing using CNN in Deep Learning
A Survey on Image Processing using CNN in Deep Learning
 
Artificial Neural Networks
Artificial Neural NetworksArtificial Neural Networks
Artificial Neural Networks
 
P2-Artificial.pdf
P2-Artificial.pdfP2-Artificial.pdf
P2-Artificial.pdf
 
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHMPADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
 
X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...
X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...
X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...
 
X-TREPAN : A Multi Class Regression and Adapted Extraction of Comprehensible ...
X-TREPAN : A Multi Class Regression and Adapted Extraction of Comprehensible ...X-TREPAN : A Multi Class Regression and Adapted Extraction of Comprehensible ...
X-TREPAN : A Multi Class Regression and Adapted Extraction of Comprehensible ...
 
X trepan an extended trepan for
X trepan an extended trepan forX trepan an extended trepan for
X trepan an extended trepan for
 

More from Seth Grimes

Recent Advances in Natural Language Processing
Recent Advances in Natural Language ProcessingRecent Advances in Natural Language Processing
Recent Advances in Natural Language ProcessingSeth Grimes
 
Creating an AI Startup: What You Need to Know
Creating an AI Startup: What You Need to KnowCreating an AI Startup: What You Need to Know
Creating an AI Startup: What You Need to KnowSeth Grimes
 
NLP 2020: What Works and What's Next
NLP 2020: What Works and What's NextNLP 2020: What Works and What's Next
NLP 2020: What Works and What's NextSeth Grimes
 
Efficient Deep Learning in Natural Language Processing Production, with Moshe...
Efficient Deep Learning in Natural Language Processing Production, with Moshe...Efficient Deep Learning in Natural Language Processing Production, with Moshe...
Efficient Deep Learning in Natural Language Processing Production, with Moshe...Seth Grimes
 
From Customer Emotions to Actionable Insights, with Peter Dorrington
From Customer Emotions to Actionable Insights, with Peter DorringtonFrom Customer Emotions to Actionable Insights, with Peter Dorrington
From Customer Emotions to Actionable Insights, with Peter DorringtonSeth Grimes
 
Text Analytics Market Trends
Text Analytics Market TrendsText Analytics Market Trends
Text Analytics Market TrendsSeth Grimes
 
Text Analytics for NLPers
Text Analytics for NLPersText Analytics for NLPers
Text Analytics for NLPersSeth Grimes
 
Our FinTech Future – AI’s Opportunities and Challenges?
Our FinTech Future – AI’s Opportunities and Challenges? Our FinTech Future – AI’s Opportunities and Challenges?
Our FinTech Future – AI’s Opportunities and Challenges? Seth Grimes
 
Preposition Semantics: Challenges in Comprehensive Corpus Annotation and Auto...
Preposition Semantics: Challenges in Comprehensive Corpus Annotation and Auto...Preposition Semantics: Challenges in Comprehensive Corpus Annotation and Auto...
Preposition Semantics: Challenges in Comprehensive Corpus Annotation and Auto...Seth Grimes
 
The Ins and Outs of Preposition Semantics:
 Challenges in Comprehensive Corpu...
The Ins and Outs of Preposition Semantics:
 Challenges in Comprehensive Corpu...The Ins and Outs of Preposition Semantics:
 Challenges in Comprehensive Corpu...
The Ins and Outs of Preposition Semantics:
 Challenges in Comprehensive Corpu...Seth Grimes
 
Fairness in Machine Learning and AI
Fairness in Machine Learning and AIFairness in Machine Learning and AI
Fairness in Machine Learning and AISeth Grimes
 
Classification with Memes–Uber case study
Classification with Memes–Uber case studyClassification with Memes–Uber case study
Classification with Memes–Uber case studySeth Grimes
 
Aspect Detection for Sentiment / Emotion Analysis
Aspect Detection for Sentiment / Emotion AnalysisAspect Detection for Sentiment / Emotion Analysis
Aspect Detection for Sentiment / Emotion AnalysisSeth Grimes
 
Content AI: From Potential to Practice
Content AI: From Potential to PracticeContent AI: From Potential to Practice
Content AI: From Potential to PracticeSeth Grimes
 
Text Analytics Market Insights: What's Working and What's Next
Text Analytics Market Insights: What's Working and What's NextText Analytics Market Insights: What's Working and What's Next
Text Analytics Market Insights: What's Working and What's NextSeth Grimes
 
An Industry Perspective on Subjectivity, Sentiment, and Social
An Industry Perspective on Subjectivity, Sentiment, and SocialAn Industry Perspective on Subjectivity, Sentiment, and Social
An Industry Perspective on Subjectivity, Sentiment, and SocialSeth Grimes
 
The Insight Value of Social Sentiment
The Insight Value of Social SentimentThe Insight Value of Social Sentiment
The Insight Value of Social SentimentSeth Grimes
 
Text Analytics 2014: User Perspectives on Solutions and Providers
Text Analytics 2014: User Perspectives on Solutions and ProvidersText Analytics 2014: User Perspectives on Solutions and Providers
Text Analytics 2014: User Perspectives on Solutions and ProvidersSeth Grimes
 
Text Analytics Today
Text Analytics TodayText Analytics Today
Text Analytics TodaySeth Grimes
 

More from Seth Grimes (20)

Recent Advances in Natural Language Processing
Recent Advances in Natural Language ProcessingRecent Advances in Natural Language Processing
Recent Advances in Natural Language Processing
 
Creating an AI Startup: What You Need to Know
Creating an AI Startup: What You Need to KnowCreating an AI Startup: What You Need to Know
Creating an AI Startup: What You Need to Know
 
NLP 2020: What Works and What's Next
NLP 2020: What Works and What's NextNLP 2020: What Works and What's Next
NLP 2020: What Works and What's Next
 
Efficient Deep Learning in Natural Language Processing Production, with Moshe...
Efficient Deep Learning in Natural Language Processing Production, with Moshe...Efficient Deep Learning in Natural Language Processing Production, with Moshe...
Efficient Deep Learning in Natural Language Processing Production, with Moshe...
 
From Customer Emotions to Actionable Insights, with Peter Dorrington
From Customer Emotions to Actionable Insights, with Peter DorringtonFrom Customer Emotions to Actionable Insights, with Peter Dorrington
From Customer Emotions to Actionable Insights, with Peter Dorrington
 
Emotion AI
Emotion AIEmotion AI
Emotion AI
 
Text Analytics Market Trends
Text Analytics Market TrendsText Analytics Market Trends
Text Analytics Market Trends
 
Text Analytics for NLPers
Text Analytics for NLPersText Analytics for NLPers
Text Analytics for NLPers
 
Our FinTech Future – AI’s Opportunities and Challenges?
Our FinTech Future – AI’s Opportunities and Challenges? Our FinTech Future – AI’s Opportunities and Challenges?
Our FinTech Future – AI’s Opportunities and Challenges?
 
Preposition Semantics: Challenges in Comprehensive Corpus Annotation and Auto...
Preposition Semantics: Challenges in Comprehensive Corpus Annotation and Auto...Preposition Semantics: Challenges in Comprehensive Corpus Annotation and Auto...
Preposition Semantics: Challenges in Comprehensive Corpus Annotation and Auto...
 
The Ins and Outs of Preposition Semantics:
 Challenges in Comprehensive Corpu...
The Ins and Outs of Preposition Semantics:
 Challenges in Comprehensive Corpu...The Ins and Outs of Preposition Semantics:
 Challenges in Comprehensive Corpu...
The Ins and Outs of Preposition Semantics:
 Challenges in Comprehensive Corpu...
 
Fairness in Machine Learning and AI
Fairness in Machine Learning and AIFairness in Machine Learning and AI
Fairness in Machine Learning and AI
 
Classification with Memes–Uber case study
Classification with Memes–Uber case studyClassification with Memes–Uber case study
Classification with Memes–Uber case study
 
Aspect Detection for Sentiment / Emotion Analysis
Aspect Detection for Sentiment / Emotion AnalysisAspect Detection for Sentiment / Emotion Analysis
Aspect Detection for Sentiment / Emotion Analysis
 
Content AI: From Potential to Practice
Content AI: From Potential to PracticeContent AI: From Potential to Practice
Content AI: From Potential to Practice
 
Text Analytics Market Insights: What's Working and What's Next
Text Analytics Market Insights: What's Working and What's NextText Analytics Market Insights: What's Working and What's Next
Text Analytics Market Insights: What's Working and What's Next
 
An Industry Perspective on Subjectivity, Sentiment, and Social
An Industry Perspective on Subjectivity, Sentiment, and SocialAn Industry Perspective on Subjectivity, Sentiment, and Social
An Industry Perspective on Subjectivity, Sentiment, and Social
 
The Insight Value of Social Sentiment
The Insight Value of Social SentimentThe Insight Value of Social Sentiment
The Insight Value of Social Sentiment
 
Text Analytics 2014: User Perspectives on Solutions and Providers
Text Analytics 2014: User Perspectives on Solutions and ProvidersText Analytics 2014: User Perspectives on Solutions and Providers
Text Analytics 2014: User Perspectives on Solutions and Providers
 
Text Analytics Today
Text Analytics TodayText Analytics Today
Text Analytics Today
 

Recently uploaded

Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024The Digital Insurer
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsMaria Levchenko
 
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxFactors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxKatpro Technologies
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘RTylerCroy
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024The Digital Insurer
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Igalia
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)Gabriella Davis
 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...Martijn de Jong
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?Antenna Manufacturer Coco
 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slidevu2urc
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024Results
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfsudhanshuwaghmare1
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Miguel Araújo
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxMalak Abu Hammad
 
Data Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonData Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonAnna Loughnan Colquhoun
 
A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?Igalia
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUK Journal
 
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...Neo4j
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024The Digital Insurer
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processorsdebabhi2
 

Recently uploaded (20)

Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed texts
 
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxFactors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)
 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?
 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slide
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptx
 
Data Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonData Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt Robison
 
A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
 
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processors
 

Intro to Deep Learning for Medical Image Analysis, with Dan Lee from Dentuit AI

  • 1. Introduction to Deep Learning for Medical Image Analysis MD-AI Meetup // May 27, 2020 Dan Lee Co-founder & CEO // Dentuit Imaging
  • 2. Motivation? 1. Challenge myself to refresh, learn, and clearly communicate my understanding of a rapidly evolving technology 2. Attempt to derail the AI hype train - and share some real world use cases 3. Share a glimpse into the future of medicine/dentistry. 4. Inspire you to pursue self-learning on a particular detail that interested you (links for further reading are shared at the end) 5. And finally ...
  • 3. a quick plug on our awesome startup & partners: Dentuit Imaging
  • 6. But what if ….
  • 7. “... having work done at a dental school clinic inherently involves a huge amount of oversight: every diagnosis and filling is checked over by several students and professors ...” link to Vox article
  • 8.
  • 9. Why Medical Imaging? Meaningful information drives better decision making. ❖ screen for possible health conditions before symptoms appear. ❖ diagnose the likely cause of existing symptoms. ❖ monitor health conditions that have been diagnosed, or the effects of treatment for them.
  • 10. Types of Medical Imaging ❖ Plain X-ray ❖ Computed tomography (CT scans) ❖ Nuclear medicine imaging including positron-emission tomography (PET)
  • 11. Types of Medical Imaging Medical Imaging not always Radiographic: ❖ Magnetic resonance imaging (MRI) ❖ Ultrasound (sound waves) ❖ Endoscopy … and many more. Okay … So What? (we’ll come back to answer that question in a later slide)
  • 12. Neural Networks (NNs) Neural networks are a set of algorithms, modeled loosely after the human brain, that are designed to recognize patterns. They interpret sensory data through a kind of machine perception, labeling or clustering raw input. The patterns they recognize are numerical, contained in vectors, into which all real-world data, be it images, sound, text or time series, must be translated.
  • 13. [link] A node combines input from the data with a set of coefficients, or weights, that either amplify or dampen that input, thereby assigning significance to inputs with regard to the task the algorithm is trying to learn; e.g. which input is most helpful is classifying data without error? These input-weight products are summed and then the sum is passed through a node’s so-called activation function, to determine whether and to what extent that signal should progress further through the network to affect the ultimate outcome, say, an act of classification. If the signals passes through, the neuron has been “activated.”
  • 14. Quick detour for a History lesson ❖ 1950s: Artificial Neural Network (ANNs) were introduced ➢ loosely modeled after the neurons in a biological brain (see slides on NNs) ➢ lack of computing power + absence of sufficient data ■ remember the earlier slide on advances in medical imaging? ❖ 1980s: Machine learning (ML) algorithms introduced for classification tasks ➢ (See next slide) ❖ Early 2000s: computer-aided detection (CAD) systems were developed and introduced in the clinical workflow ➢ More false-positives than human readers ➢ Led to a greater assessment time and additional biopsies ❖ Present: Deep Neural Networks (DNNs)
  • 15. Classical ML to Modern DL
  • 16. Deep Learning (DL) Deep learning is a subtype of representation learning which aims to describe complex data representations using simpler hierarchized structures defined from a set of specific features. [link] Let’s specifically examine CNNs to better understand this definition.
  • 17. A Convolutional Neural Network (CNN) is a type of neural network that specializes in image recognition and computer vision tasks. CNNs have two main parts: 1. A convolution/pooling mechanism that breaks up the image into features and analyzes them 2. A fully connected layer that takes the output of convolution/pooling and predicts the best label to describe the image
  • 18. convolution/pooling mechanism that breaks up the image into features and analyzes them [link]
  • 20. Neural Networks - Architecture? The term neural network architecture refers to the: (a) arrangement of neurons into layers (b) and the connection patterns between layers, activation functions, and learning methods. Therefore: the neural network model and the architecture of a neural network determine how a network transforms its input into an output.
  • 21. some examples typically used for medical image analysis ● AlexNet ● VGG ● GoogLeNet ● ResNet ● Highway nets ● DenseNet ● GANs ● ResNext ● SENets ● NASNet ● YOLO ● Siamese Nets ● U-net ● V-net Graphing their accuracy versus amount of operations required for a single forward pass.
  • 22.
  • 23. clinical uses of DL techniques
  • 24. Convolutional Neural Networks are successful for simpler image tasks such as classification Not for more complex ones like localization and segmentation. BUT ...
  • 25. In biomedical cases, it requires us not only to distinguish whether there is a disease, but also to localise the area of abnormality. This is where other algorithms like U-Net and ResNet architectures come into play.
  • 26. U-net: first realized as suggestion for better segmentation on biomedical images. In CNN, the image is converted into a vector which is largely used in classification problems. But in U-Net, an image is converted into a vector and then the same mapping is used to convert it again to an image. SIMPLY PUT: It converts the segmentation problem into a classification problem where we need to classify each pixel to one of the classes.
  • 27. Residual Networks (ResNet) addresses the “vanishing gradient” problem In traditional neural networks, each layer feeds into the next layer. But in a network with residual blocks, each layer feeds into the next layer and directly into the layers about some hops away.
  • 28. Notable Breakthroughs: CheXNet (Nov 2017) “CheXNet” is a type of image analysing AI called a DenseNet (a variant of a ConvNet, similar to a ResNet) that was trained to detect abnormalities on chest x-rays, using the ChestXray14 dataset.
  • 30. Challenges: Limited Datasets ● Medical images are protected by privacy & legal frameworks e.g., HIPAA ● Medical annotations are Costly & specialized labelers ● Siloed databases with little to no interoperability The Workarounds ... ● Data augmentation ● De-identification protocol (Safe Harbor, Expert determination) ● Crowdsourced (from medical community) annotation platforms ● Distributed & federated learning ● U-nets, etc. More better approaches are still TBD in current and future research
  • 31. Challenges: Real world Performance
  • 32. Other Noteworthy Challenges ● Data Standards ● Algorithmic Bias ● Privacy and Legal Issues ● Uninterpretable Black Box Model … and many more - just not enough time to cover them all here.
  • 33. ● A Comprehensive Introduction to Different Types of Convolutions in Deep Learning [link] ● JAMA’s Machine Learning For Medical Image Analysis - How It Works [link] ● Udacity’s Virtual Conference on AI for Healthcare (webinar recordings) [link] ● Stanford’s AIMI Center - Shared Datasets [link] ● Deep Learning Book [link] ● NVIDIA Deep Learning Institute (DLI) [link] ● Introduction to U-Net and Res-Net for Image Segmentation [link]