SlideShare a Scribd company logo
1 of 18
USING DEEP LEARNING TO IDENTIFY MEDICAL CONDITIONS RELATED TO
THORAX REGION FROM RADIOGRAPHIC X-RAY IMAGES
ADITYA BHATTACHARYA
LEAD ML ENGINEER, WEST PHARMACEUTICALS
AI RESEARCHER, MUST RESEARCH
CONTENT
 INTRODUCTION
 ABOUT THE DATA
 EXPLORATORY DATA ANALYSIS
 DEEP LEARNING MODELS USED AND ARCHITECTURAL FLOW DIAGRAM
 APPROACHES AND METHODOLOGY
 EVALUATION METRICS
 RESULTS AND CONCLUSION
 IMPROVEMENTS AND FUTURE WORKS
INTRODUCTION
 In recent times Artificial Intelligence and Computer Vision based methods are used extensively in Computed-Aided Diagnosis which aims to help
doctors diagnose the disease quickly and, in an error free manner.
 Chest X-Rays play an important role in detecting Thorax diseases. With advent of technology and its use in automated analysis of Chest X-ray images
to diagnose various pathologies by using deep learning-based approaches, has helped in overcoming costly, time-consuming and prone to error
manual analysis of them.
 Various research works have been published with different approaches by incorporating new ideas and frameworks. Some of them are
 Hong yu Wang and Yong Xia’s paper1 incorporates attention mechanism into a Deep CNN, and thus proposed the ChestNet model.
 In the paper2 by Z. Ge, et al proposed a novel approach to estimate an error function Multi-label Softmax Loss (MSML) to address the
problems of multiple labels and imbalanced data.
 In paper3 by J. Irvin et al. talks about the design of a labeler to automatically detect the presence of 14 pathologies in radiology reports,
capturing uncertainties inherent in radiograph interpretation.
 In paper4 by P. Rajpurkar et al., talks about development of an algorithm CheXNet that can detect pneumonia from chest X-rays at a level
exceeding practicing radiologist.
 In this project, we seek to replicate various aspects of above papers and will try to improve the results by incorporating a new framework which will
include attention mechanism, data augmentation, deep learning models and ensemble methods.
ABOUT THE DATA
 We used CheXpert dataset, a large public dataset for chest radiograph from Stanford Hospital, collected between October 2002 and July
201710.
 Experiments within this project was conducted using the downsampled (lower resolution) CheXpert dataset downloaded from -
https://us13.mailchimp.com/mctx/click?url=http%3A%2F%2Fdownload.cs.stanford.edu%2Fdeep%2FCheXpert-v1.0-
small.zip&xid=e8c89d129f&uid=55365305&pool=&subject=.
 It consist of 224,316 chest radiographs of 65,240 patients.
 This dataset includes labelled data for 14 pathological observations as positive, negative, or uncertain.
Exploratory Data Analysis:
EXPLORATORY DATA ANALYSIS
CheXpert Dataset has
more Frontal Chest
Images and lesser lateral
images. In terms of
gender and age group
distributions, the data
belongs to more male
patients, concentrated
between the age group
of 45 to 90 years.
As shown below, there are significant
number of uncertain labels in various
classes which posed a major challenge
while coming up with a model which works
across classes.
Exploratory Data Analysis:
EXPLORATORY DATA ANALYSIS (CONT..)
Below figure shows imbalance among the classes, along with
significant number of uncertain labels in various classes.
Further,
 We observed uneven distribution of data for positive, negative classes in 14
medical conditions during our analysis.
 Lots of missing or null values were observed along with uneven distribution in
the 14 Medical Conditions.
ARCHITECTURAL FLOW DIAGRAM
Training CXRs
Chexpert Dataset consists of
224,316 check X-Ray images of
65,240 images for 14
Pathological observations.
Test CXR
Exploratory Data Analysis
Exploratory Data Analysis will
help to identify patterns, spot
any anomalies, test given
hypothesis, check assumptions
with summary statistics and use
of graphical representations.
Data Preprocessing
In this stage we are converting
raw data into clean data set.
Data preprocessing will include
steps like data scaling and data
augmentation.
Feature Extraction
Feature extraction by using Deep
Learning Models (like LightNet-7,
DenseNet121, Hybrid Model) to
extract features from pre-processed
image data. We have tried concept
of Transfer Learning for this project.
Train Classifier
We are using Training data to fit
the model where train & test ratio
is 80:20.
Predictive Model
Model is now ready. It is capable to
make predictions on unknown input
x-ray image.
Target Label
Final output/pathology class
that we are trying to predict.
Pathology Label
14 Pathological
observations.
Performance Evaluation
Evaluation of predictive model
performance using various
metrics
MODELLING APPROACH
Following models were tried for the Project:
1. LightNet-7 : A 7 layered Deep Neural Network.
2. DenseNet121 from scratch.
3. DenseNet121 using pre-trained ImageNet weights.
4. Hybrid model with Random Forests (including extended features like Age-group, gender and type of image).
5. Hybrid model with AdaBoost (including extended features like Age-group, gender and type of image).
6. Hybrid model with XGBoost (including extended features like Age-group, gender and type of image).
Conv2D() -> Max Pool ->
DropOut(0.5)
Conv2D() -> Max Pool ->
DropOut(0.5)
Conv2D() -> Max Pool ->
DropOut(0.5)
Conv2D() -> Max Pool ->
DropOut(0.5)
Flatten()
Dense(128,relu) -> DropOut(0.5)
Dense(64,relu) -> DropOut(0.5)
Dense(2,softmax)
DEEP LEARNING MODELS USED – 7-LAYERED DNN (LIGHTNET-7*)
conv2
D
Max
Pool
Input
Max
Pool
Max
Pool
Max
Pool
conv2
D
conv2
D
conv2
D
Flattene
d
Fully Connected Neural
Network + ReLU Activation
With Dropout
Prediction
LightNet-
7
DEEP LEARNING MODELS USED – DENSENET121
DEEP LEARNING MODELS USED – DENSENET121 (TRANSFER LEARNING)
Pre Trained
Generic Feature
Detection
Pre Trained Model
Fully Connected Neural
Network + ReLU Activation
With Dropout
Prediction
Input
Classification LayerInput Layer
HYBRID MODEL – DEEP NEURAL NETWORK WITH MACHINE LEARNING
CLASSIFICATION ALGORITHM
Pre Trained
Generic Feature
Detection
Pre Trained Model
Prediction
Input
Multiclass
Classification Model
Input Layer
Machine Learning
Models like
AdaBoost, XGBoost
or Random Forest
APPROACHES AND METHODOLOGY
We will discuss below, our approach and methodology which we adopted for this project:
 We tried with Individual Class Wise Binary Classification, as training model together for all 14 Disease condition didn’t yield expected results.
 With this approach, we came across Imbalanced Class problem for almost all 14 Disease conditions. Further, we observed uneven distribution of data for
positive, negative classes in 14 diseases along with missing or null values.
 To handle imbalanced class problem, we tried technique of up-sampling the minority class using SMOTE approach which improved our results significantly.
 We will now take a deep dive into other approaches used in the project :
 Data Pre-processing through Data Scaling and Data Augmentation. By Data Scaling, we created image tensors for Input images before feeding to DNN. Each
Input Image Data was converted into Scaled Image Array with values between 0 and 1. An array list by consolidating all images was finally converted to numpy
array. Also, to overcome issue of overfitting, Data Augmentation was done on input images to generate virtual images, by making transformations like flipping
image, shearing and zooming.
 Feature Extraction using Transfer Learning, where we used weights of Pre-Trained DenseNet-121, trained on vast set of images. We used its initial layers
to extract features from our images.
 We also tried a Hybrid Model, where DNN was used only for feature extraction and classical machine learning and ensemble method algorithms like Random
Forest, AdaBoost and XGboost was used for Final classification.
EVALUATION METRICS
 Model’s performance was evaluated by using different metrices like Accuracy, Precision, Recall, F1 Scores, AUROC scores.
 Two additional metrics Hamming Loss and Model Training and Prediction Performance Rate (execution time for each iteration) was also tested.
Disease Best Model AUC Accuracy
No Finding LightNet-7 0.5 84%
Enlarged Cardio-
mediastinum
LightNet-7 0.79 79%
Cardiomegaly LightNet-7 0.71 74%
Lung Lesion DenseNet121 0.74 47%
Lung Opacity LightNet-7 0.72 72%
Edema LightNet-7 0.77 79%
Consolidation LightNet-7 0.81 68%
Pneumonia LightNet-7 0.69 64%
Atelectasis DenseNet121 0.59 54%
Pneumothorax LightNet-7 0.43 60%
Pleural Effusion DenseNet121 0.69 72%
Pleural Other DenseNet121 0.85 71%
Fracture LightNet-7 0.73 45%
Support Devices LightNet-7 0.5 54%
 Accuracy and AUC-ROC scores on the validation dataset using LightNet-7,
DenseNet121 and Hybrid Model was considered and the best results are shown
in left figure.
 LightNet-7 was the fastest as compared to the other 5 models tried and most
accurate in most of the cases.
 The Ensemble methods although was very slow, but these improved the training
time accuracy. But on the validation dataset, the results were not good as
compared to LightNet-7 and DenseNet 121
 Our results, were slightly better than results of Wang, Guendel and Yao, but
slightly worse than Rajpurkar.
RESULTS AND CONCLUSION
 Through this project, we tried to come up with a framework to classify 14 thoracic diseases using CheXpert dataset, splitting it in 70-10-20
ratio.
 In this framework, we used pre-trained DenseNet121 for Feature Extraction. For Classification, we have experimented with CNN
model, VGG16, Densenet121, ResNet models and the concept of Transfer Learning. We even tried classical Machine Learning
approaches like Random Forests, AdaBoost and XGBoost for classification.
 For evaluating model's performance, we used metrics like Confusion matrices, Accuracy, Precision, Recall, F1 Scores, AUROC Scores
and Hamming Loss although we presented just Accuracy and AUC in this presentation.
 Hybrid models are improving accuracy with more training but not improving AUC (especially on validation set) and they are slower than
others
 As it was shown in slide before, our custom LightNet-7 worked better than others in most of the cases. DenseNet121 was the second best.
 LightNet-7 also proved to be faster to train as compared to other models.
CHALLENGES FACED
 The question of how to deal with null values for classification result was a challenge. Based on initial experiments and exploratory analysis, it
was decided to simply drop the null values.
 Dealing with uncertain classes was one of the initial challenges, although the U-Ignore approach as mentioned in the CheXpert paper
(reference 5) was followed for this project.
 We faced the challenge of Imbalanced class for almost all medical conditions. To overcome the same, we applied concepts like up-sampling
using Balanced class weights and SMOTE where the latter worked out better.
 We applied concept of Data Augmentation and Regularization Techniques like Drop-Out to fight the challenge of Overfitting.
 Due to Infrastructure limitations, like unavailability of GPU and high VM cost we couldn’t train our models on complete dataset.
IMPROVEMENTS AND FUTURE WORKS
 The SMOTE approach to handle imbalanced data was taking very long as it tries to oversample from the entire dataset. Instead we would try to
come up with an algorithm which oversamples from random batches from the entire dataset.
 Another future improvement can be specific localization with the help of Regional CNN (R-CNN).
 We would like to try other approaches like U-One, U-Zero, U-SelfTrained mentioned in the CheXpert paper (reference 5) on the current models
to handle uncertain labels and see which approach works better for the various disease classes.
THANK YOU!
Questions?
- Want to connect over LinkedIn ?
- Or email me at:
aditya.bhattacharya2016@gmail.com

More Related Content

What's hot

A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATIONA COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATIONsipij
 
Deep learning in healthcare: Oppotunities and challenges with Electronic Medi...
Deep learning in healthcare: Oppotunities and challenges with Electronic Medi...Deep learning in healthcare: Oppotunities and challenges with Electronic Medi...
Deep learning in healthcare: Oppotunities and challenges with Electronic Medi...Thien Q. Tran
 
A novel framework for efficient identification of brain cancer region from br...
A novel framework for efficient identification of brain cancer region from br...A novel framework for efficient identification of brain cancer region from br...
A novel framework for efficient identification of brain cancer region from br...IJECEIAES
 
ENHANCED SYSTEM FOR COMPUTER-AIDED DETECTION OF MRI BRAIN TUMORS
ENHANCED SYSTEM FOR COMPUTER-AIDED DETECTION OF MRI BRAIN TUMORSENHANCED SYSTEM FOR COMPUTER-AIDED DETECTION OF MRI BRAIN TUMORS
ENHANCED SYSTEM FOR COMPUTER-AIDED DETECTION OF MRI BRAIN TUMORSsipij
 
2020 ssi-distinguished-projects
2020 ssi-distinguished-projects2020 ssi-distinguished-projects
2020 ssi-distinguished-projectsAnne Lee
 
Pneumonia Classification using Transfer Learning
Pneumonia Classification using Transfer LearningPneumonia Classification using Transfer Learning
Pneumonia Classification using Transfer LearningTushar Dalvi
 
A-Z of AI in Radiology
A-Z of AI in RadiologyA-Z of AI in Radiology
A-Z of AI in RadiologyDr Hugh Harvey
 
Key Insights Of Using Deep Learning To Analyze Healthcare Data | Workshop Fro...
Key Insights Of Using Deep Learning To Analyze Healthcare Data | Workshop Fro...Key Insights Of Using Deep Learning To Analyze Healthcare Data | Workshop Fro...
Key Insights Of Using Deep Learning To Analyze Healthcare Data | Workshop Fro...Michael Batavia
 
Deep learning application to medical imaging: Perspectives as a physician
Deep learning application to medical imaging: Perspectives as a physicianDeep learning application to medical imaging: Perspectives as a physician
Deep learning application to medical imaging: Perspectives as a physicianHongyoon Choi
 
A robust technique of brain mri classification using color features and k nea...
A robust technique of brain mri classification using color features and k nea...A robust technique of brain mri classification using color features and k nea...
A robust technique of brain mri classification using color features and k nea...Salam Shah
 
Prospects of Deep Learning in Medical Imaging
Prospects of Deep Learning in Medical ImagingProspects of Deep Learning in Medical Imaging
Prospects of Deep Learning in Medical ImagingGodswll Egegwu
 
Automatic grading of diabetic retinopathy through machine learning
Automatic grading of diabetic retinopathy through machine learning   Automatic grading of diabetic retinopathy through machine learning
Automatic grading of diabetic retinopathy through machine learning SupriyaKamatgi
 
Review of Classification algorithms for Brain MRI images
Review of Classification algorithms for Brain MRI imagesReview of Classification algorithms for Brain MRI images
Review of Classification algorithms for Brain MRI imagesIRJET Journal
 
Brain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI ImagesBrain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI ImagesIJRAT
 
PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...
PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...
PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...Sivagowry Shathesh
 
Neuroendoscopy Adapter Module Development for Better Brain Tumor Image Visual...
Neuroendoscopy Adapter Module Development for Better Brain Tumor Image Visual...Neuroendoscopy Adapter Module Development for Better Brain Tumor Image Visual...
Neuroendoscopy Adapter Module Development for Better Brain Tumor Image Visual...IJECEIAES
 
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...IRJET Journal
 
DISCOVERING ABNORMAL PATCHES AND TRANSFORMATIONS OF DIABETICS RETINOPATHY IN ...
DISCOVERING ABNORMAL PATCHES AND TRANSFORMATIONS OF DIABETICS RETINOPATHY IN ...DISCOVERING ABNORMAL PATCHES AND TRANSFORMATIONS OF DIABETICS RETINOPATHY IN ...
DISCOVERING ABNORMAL PATCHES AND TRANSFORMATIONS OF DIABETICS RETINOPATHY IN ...csandit
 

What's hot (20)

A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATIONA COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
 
Deep learning in healthcare: Oppotunities and challenges with Electronic Medi...
Deep learning in healthcare: Oppotunities and challenges with Electronic Medi...Deep learning in healthcare: Oppotunities and challenges with Electronic Medi...
Deep learning in healthcare: Oppotunities and challenges with Electronic Medi...
 
A novel framework for efficient identification of brain cancer region from br...
A novel framework for efficient identification of brain cancer region from br...A novel framework for efficient identification of brain cancer region from br...
A novel framework for efficient identification of brain cancer region from br...
 
ENHANCED SYSTEM FOR COMPUTER-AIDED DETECTION OF MRI BRAIN TUMORS
ENHANCED SYSTEM FOR COMPUTER-AIDED DETECTION OF MRI BRAIN TUMORSENHANCED SYSTEM FOR COMPUTER-AIDED DETECTION OF MRI BRAIN TUMORS
ENHANCED SYSTEM FOR COMPUTER-AIDED DETECTION OF MRI BRAIN TUMORS
 
2020 ssi-distinguished-projects
2020 ssi-distinguished-projects2020 ssi-distinguished-projects
2020 ssi-distinguished-projects
 
Pneumonia Classification using Transfer Learning
Pneumonia Classification using Transfer LearningPneumonia Classification using Transfer Learning
Pneumonia Classification using Transfer Learning
 
A-Z of AI in Radiology
A-Z of AI in RadiologyA-Z of AI in Radiology
A-Z of AI in Radiology
 
Key Insights Of Using Deep Learning To Analyze Healthcare Data | Workshop Fro...
Key Insights Of Using Deep Learning To Analyze Healthcare Data | Workshop Fro...Key Insights Of Using Deep Learning To Analyze Healthcare Data | Workshop Fro...
Key Insights Of Using Deep Learning To Analyze Healthcare Data | Workshop Fro...
 
Deep learning application to medical imaging: Perspectives as a physician
Deep learning application to medical imaging: Perspectives as a physicianDeep learning application to medical imaging: Perspectives as a physician
Deep learning application to medical imaging: Perspectives as a physician
 
Medical Image Processing using a SIMD Array Processor and Neural Networks
Medical Image Processing using a SIMD Array Processor and Neural NetworksMedical Image Processing using a SIMD Array Processor and Neural Networks
Medical Image Processing using a SIMD Array Processor and Neural Networks
 
A robust technique of brain mri classification using color features and k nea...
A robust technique of brain mri classification using color features and k nea...A robust technique of brain mri classification using color features and k nea...
A robust technique of brain mri classification using color features and k nea...
 
Prospects of Deep Learning in Medical Imaging
Prospects of Deep Learning in Medical ImagingProspects of Deep Learning in Medical Imaging
Prospects of Deep Learning in Medical Imaging
 
323462348
323462348323462348
323462348
 
Automatic grading of diabetic retinopathy through machine learning
Automatic grading of diabetic retinopathy through machine learning   Automatic grading of diabetic retinopathy through machine learning
Automatic grading of diabetic retinopathy through machine learning
 
Review of Classification algorithms for Brain MRI images
Review of Classification algorithms for Brain MRI imagesReview of Classification algorithms for Brain MRI images
Review of Classification algorithms for Brain MRI images
 
Brain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI ImagesBrain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI Images
 
PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...
PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...
PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...
 
Neuroendoscopy Adapter Module Development for Better Brain Tumor Image Visual...
Neuroendoscopy Adapter Module Development for Better Brain Tumor Image Visual...Neuroendoscopy Adapter Module Development for Better Brain Tumor Image Visual...
Neuroendoscopy Adapter Module Development for Better Brain Tumor Image Visual...
 
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
 
DISCOVERING ABNORMAL PATCHES AND TRANSFORMATIONS OF DIABETICS RETINOPATHY IN ...
DISCOVERING ABNORMAL PATCHES AND TRANSFORMATIONS OF DIABETICS RETINOPATHY IN ...DISCOVERING ABNORMAL PATCHES AND TRANSFORMATIONS OF DIABETICS RETINOPATHY IN ...
DISCOVERING ABNORMAL PATCHES AND TRANSFORMATIONS OF DIABETICS RETINOPATHY IN ...
 

Similar to Aditya Bhattacharya Chest XRay Image Analysis Using Deep Learning

APPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGEAPPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGEIRJET Journal
 
i2164-2591-8-6-4 (1).pdf presentation cm
i2164-2591-8-6-4 (1).pdf presentation cmi2164-2591-8-6-4 (1).pdf presentation cm
i2164-2591-8-6-4 (1).pdf presentation cmahsamjutt1234
 
harsh final ppt (2).pptx
harsh final ppt (2).pptxharsh final ppt (2).pptx
harsh final ppt (2).pptxAkbarali206563
 
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...IRJET Journal
 
FYP SEM VIII TT1 Presentation.pptx
FYP SEM VIII TT1 Presentation.pptxFYP SEM VIII TT1 Presentation.pptx
FYP SEM VIII TT1 Presentation.pptxHardikPatel354822
 
M sc research_project_report_x18134599
M sc research_project_report_x18134599M sc research_project_report_x18134599
M sc research_project_report_x18134599MansiChowkkar
 
DeepDRImageGuidedDiabeticRetinopathyDetectionUsingAttentionBasedDeepLearningS...
DeepDRImageGuidedDiabeticRetinopathyDetectionUsingAttentionBasedDeepLearningS...DeepDRImageGuidedDiabeticRetinopathyDetectionUsingAttentionBasedDeepLearningS...
DeepDRImageGuidedDiabeticRetinopathyDetectionUsingAttentionBasedDeepLearningS...RamithaDevi
 
Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptx
Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptxAnalysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptx
Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptxDebrajBanerjee22
 
HEALTH PREDICTION ANALYSIS USING DATA MINING
HEALTH PREDICTION ANALYSIS USING DATA  MININGHEALTH PREDICTION ANALYSIS USING DATA  MINING
HEALTH PREDICTION ANALYSIS USING DATA MININGAshish Salve
 
MR Image Compression Based on Selection of Mother Wavelet and Lifting Based W...
MR Image Compression Based on Selection of Mother Wavelet and Lifting Based W...MR Image Compression Based on Selection of Mother Wavelet and Lifting Based W...
MR Image Compression Based on Selection of Mother Wavelet and Lifting Based W...ijma
 
Pneumonia Detection Using Convolutional Neural Network Writers
Pneumonia Detection Using Convolutional Neural Network WritersPneumonia Detection Using Convolutional Neural Network Writers
Pneumonia Detection Using Convolutional Neural Network WritersIRJET Journal
 
5_6062260451842985429.pptx machine learning
5_6062260451842985429.pptx machine learning5_6062260451842985429.pptx machine learning
5_6062260451842985429.pptx machine learningChandusandy4
 
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfresearchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfAvijitChaudhuri3
 
heart final last sem.pptx
heart final last sem.pptxheart final last sem.pptx
heart final last sem.pptxrakshashadu
 
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...IRJET Journal
 
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbhfirst review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbhmithun302002
 
Deep Learning-based Diagnosis of Pneumonia using X-Ray Scans
Deep Learning-based Diagnosis of Pneumonia using X-Ray ScansDeep Learning-based Diagnosis of Pneumonia using X-Ray Scans
Deep Learning-based Diagnosis of Pneumonia using X-Ray ScansIRJET Journal
 
Srge most important publications 2020
Srge most important  publications 2020Srge most important  publications 2020
Srge most important publications 2020Aboul Ella Hassanien
 

Similar to Aditya Bhattacharya Chest XRay Image Analysis Using Deep Learning (20)

APPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGEAPPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGE
 
i2164-2591-8-6-4 (1).pdf presentation cm
i2164-2591-8-6-4 (1).pdf presentation cmi2164-2591-8-6-4 (1).pdf presentation cm
i2164-2591-8-6-4 (1).pdf presentation cm
 
Pneumonia detection using CNN
Pneumonia detection using CNNPneumonia detection using CNN
Pneumonia detection using CNN
 
harsh final ppt (2).pptx
harsh final ppt (2).pptxharsh final ppt (2).pptx
harsh final ppt (2).pptx
 
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...
 
FYP SEM VIII TT1 Presentation.pptx
FYP SEM VIII TT1 Presentation.pptxFYP SEM VIII TT1 Presentation.pptx
FYP SEM VIII TT1 Presentation.pptx
 
M sc research_project_report_x18134599
M sc research_project_report_x18134599M sc research_project_report_x18134599
M sc research_project_report_x18134599
 
DeepDRImageGuidedDiabeticRetinopathyDetectionUsingAttentionBasedDeepLearningS...
DeepDRImageGuidedDiabeticRetinopathyDetectionUsingAttentionBasedDeepLearningS...DeepDRImageGuidedDiabeticRetinopathyDetectionUsingAttentionBasedDeepLearningS...
DeepDRImageGuidedDiabeticRetinopathyDetectionUsingAttentionBasedDeepLearningS...
 
Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptx
Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptxAnalysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptx
Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptx
 
HEALTH PREDICTION ANALYSIS USING DATA MINING
HEALTH PREDICTION ANALYSIS USING DATA  MININGHEALTH PREDICTION ANALYSIS USING DATA  MINING
HEALTH PREDICTION ANALYSIS USING DATA MINING
 
MR Image Compression Based on Selection of Mother Wavelet and Lifting Based W...
MR Image Compression Based on Selection of Mother Wavelet and Lifting Based W...MR Image Compression Based on Selection of Mother Wavelet and Lifting Based W...
MR Image Compression Based on Selection of Mother Wavelet and Lifting Based W...
 
Pneumonia Detection Using Convolutional Neural Network Writers
Pneumonia Detection Using Convolutional Neural Network WritersPneumonia Detection Using Convolutional Neural Network Writers
Pneumonia Detection Using Convolutional Neural Network Writers
 
Short story_2.pptx
Short story_2.pptxShort story_2.pptx
Short story_2.pptx
 
5_6062260451842985429.pptx machine learning
5_6062260451842985429.pptx machine learning5_6062260451842985429.pptx machine learning
5_6062260451842985429.pptx machine learning
 
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfresearchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
 
heart final last sem.pptx
heart final last sem.pptxheart final last sem.pptx
heart final last sem.pptx
 
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
 
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbhfirst review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
 
Deep Learning-based Diagnosis of Pneumonia using X-Ray Scans
Deep Learning-based Diagnosis of Pneumonia using X-Ray ScansDeep Learning-based Diagnosis of Pneumonia using X-Ray Scans
Deep Learning-based Diagnosis of Pneumonia using X-Ray Scans
 
Srge most important publications 2020
Srge most important  publications 2020Srge most important  publications 2020
Srge most important publications 2020
 

More from Aditya Bhattacharya

Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023
Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023
Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023Aditya Bhattacharya
 
Explainable AI - making ML and DL models more interpretable
Explainable AI - making ML and DL models more interpretableExplainable AI - making ML and DL models more interpretable
Explainable AI - making ML and DL models more interpretableAditya Bhattacharya
 
Accelerating Data Science and Machine Learning Workflow with Azure Machine Le...
Accelerating Data Science and Machine Learning Workflow with Azure Machine Le...Accelerating Data Science and Machine Learning Workflow with Azure Machine Le...
Accelerating Data Science and Machine Learning Workflow with Azure Machine Le...Aditya Bhattacharya
 
Machine learning and Deep learning on edge devices using TensorFlow
Machine learning and Deep learning on edge devices using TensorFlowMachine learning and Deep learning on edge devices using TensorFlow
Machine learning and Deep learning on edge devices using TensorFlowAditya Bhattacharya
 
Time series Segmentation & Anomaly Detection
Time series Segmentation & Anomaly DetectionTime series Segmentation & Anomaly Detection
Time series Segmentation & Anomaly DetectionAditya Bhattacharya
 
Application of Masked RCNN for segmentation of brain haemorrhage from Compute...
Application of Masked RCNN for segmentation of brain haemorrhage from Compute...Application of Masked RCNN for segmentation of brain haemorrhage from Compute...
Application of Masked RCNN for segmentation of brain haemorrhage from Compute...Aditya Bhattacharya
 
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...Aditya Bhattacharya
 
Computer vision-must-nit-silchar-ml-hackathon-2019
Computer vision-must-nit-silchar-ml-hackathon-2019Computer vision-must-nit-silchar-ml-hackathon-2019
Computer vision-must-nit-silchar-ml-hackathon-2019Aditya Bhattacharya
 
Computer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathonComputer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathonAditya Bhattacharya
 

More from Aditya Bhattacharya (10)

Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023
Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023
Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023
 
ODSC APAC 2022 - Explainable AI
ODSC APAC 2022 - Explainable AIODSC APAC 2022 - Explainable AI
ODSC APAC 2022 - Explainable AI
 
Explainable AI - making ML and DL models more interpretable
Explainable AI - making ML and DL models more interpretableExplainable AI - making ML and DL models more interpretable
Explainable AI - making ML and DL models more interpretable
 
Accelerating Data Science and Machine Learning Workflow with Azure Machine Le...
Accelerating Data Science and Machine Learning Workflow with Azure Machine Le...Accelerating Data Science and Machine Learning Workflow with Azure Machine Le...
Accelerating Data Science and Machine Learning Workflow with Azure Machine Le...
 
Machine learning and Deep learning on edge devices using TensorFlow
Machine learning and Deep learning on edge devices using TensorFlowMachine learning and Deep learning on edge devices using TensorFlow
Machine learning and Deep learning on edge devices using TensorFlow
 
Time series Segmentation & Anomaly Detection
Time series Segmentation & Anomaly DetectionTime series Segmentation & Anomaly Detection
Time series Segmentation & Anomaly Detection
 
Application of Masked RCNN for segmentation of brain haemorrhage from Compute...
Application of Masked RCNN for segmentation of brain haemorrhage from Compute...Application of Masked RCNN for segmentation of brain haemorrhage from Compute...
Application of Masked RCNN for segmentation of brain haemorrhage from Compute...
 
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...
 
Computer vision-must-nit-silchar-ml-hackathon-2019
Computer vision-must-nit-silchar-ml-hackathon-2019Computer vision-must-nit-silchar-ml-hackathon-2019
Computer vision-must-nit-silchar-ml-hackathon-2019
 
Computer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathonComputer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathon
 

Recently uploaded

CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxolyaivanovalion
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfMarinCaroMartnezBerg
 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxolyaivanovalion
 
Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz1
 
Ukraine War presentation: KNOW THE BASICS
Ukraine War presentation: KNOW THE BASICSUkraine War presentation: KNOW THE BASICS
Ukraine War presentation: KNOW THE BASICSAishani27
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxJohnnyPlasten
 
Customer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxCustomer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxEmmanuel Dauda
 
B2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docxB2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docxStephen266013
 
Introduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxIntroduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxfirstjob4
 
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Callshivangimorya083
 
April 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's AnalysisApril 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's Analysismanisha194592
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingNeil Barnes
 
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfMarket Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfRachmat Ramadhan H
 
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...Suhani Kapoor
 
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一ffjhghh
 
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfKantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfSocial Samosa
 
BigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxBigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxolyaivanovalion
 
BabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptxBabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptxolyaivanovalion
 
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptxEMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptxthyngster
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptxAnupama Kate
 

Recently uploaded (20)

CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptx
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdf
 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptx
 
Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signals
 
Ukraine War presentation: KNOW THE BASICS
Ukraine War presentation: KNOW THE BASICSUkraine War presentation: KNOW THE BASICS
Ukraine War presentation: KNOW THE BASICS
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptx
 
Customer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxCustomer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptx
 
B2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docxB2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docx
 
Introduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxIntroduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptx
 
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
 
April 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's AnalysisApril 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's Analysis
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data Storytelling
 
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfMarket Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
 
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
 
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一
 
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfKantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
 
BigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxBigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptx
 
BabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptxBabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptx
 
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptxEMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx
 

Aditya Bhattacharya Chest XRay Image Analysis Using Deep Learning

  • 1. USING DEEP LEARNING TO IDENTIFY MEDICAL CONDITIONS RELATED TO THORAX REGION FROM RADIOGRAPHIC X-RAY IMAGES ADITYA BHATTACHARYA LEAD ML ENGINEER, WEST PHARMACEUTICALS AI RESEARCHER, MUST RESEARCH
  • 2. CONTENT  INTRODUCTION  ABOUT THE DATA  EXPLORATORY DATA ANALYSIS  DEEP LEARNING MODELS USED AND ARCHITECTURAL FLOW DIAGRAM  APPROACHES AND METHODOLOGY  EVALUATION METRICS  RESULTS AND CONCLUSION  IMPROVEMENTS AND FUTURE WORKS
  • 3. INTRODUCTION  In recent times Artificial Intelligence and Computer Vision based methods are used extensively in Computed-Aided Diagnosis which aims to help doctors diagnose the disease quickly and, in an error free manner.  Chest X-Rays play an important role in detecting Thorax diseases. With advent of technology and its use in automated analysis of Chest X-ray images to diagnose various pathologies by using deep learning-based approaches, has helped in overcoming costly, time-consuming and prone to error manual analysis of them.  Various research works have been published with different approaches by incorporating new ideas and frameworks. Some of them are  Hong yu Wang and Yong Xia’s paper1 incorporates attention mechanism into a Deep CNN, and thus proposed the ChestNet model.  In the paper2 by Z. Ge, et al proposed a novel approach to estimate an error function Multi-label Softmax Loss (MSML) to address the problems of multiple labels and imbalanced data.  In paper3 by J. Irvin et al. talks about the design of a labeler to automatically detect the presence of 14 pathologies in radiology reports, capturing uncertainties inherent in radiograph interpretation.  In paper4 by P. Rajpurkar et al., talks about development of an algorithm CheXNet that can detect pneumonia from chest X-rays at a level exceeding practicing radiologist.  In this project, we seek to replicate various aspects of above papers and will try to improve the results by incorporating a new framework which will include attention mechanism, data augmentation, deep learning models and ensemble methods.
  • 4. ABOUT THE DATA  We used CheXpert dataset, a large public dataset for chest radiograph from Stanford Hospital, collected between October 2002 and July 201710.  Experiments within this project was conducted using the downsampled (lower resolution) CheXpert dataset downloaded from - https://us13.mailchimp.com/mctx/click?url=http%3A%2F%2Fdownload.cs.stanford.edu%2Fdeep%2FCheXpert-v1.0- small.zip&xid=e8c89d129f&uid=55365305&pool=&subject=.  It consist of 224,316 chest radiographs of 65,240 patients.  This dataset includes labelled data for 14 pathological observations as positive, negative, or uncertain.
  • 5. Exploratory Data Analysis: EXPLORATORY DATA ANALYSIS CheXpert Dataset has more Frontal Chest Images and lesser lateral images. In terms of gender and age group distributions, the data belongs to more male patients, concentrated between the age group of 45 to 90 years. As shown below, there are significant number of uncertain labels in various classes which posed a major challenge while coming up with a model which works across classes.
  • 6. Exploratory Data Analysis: EXPLORATORY DATA ANALYSIS (CONT..) Below figure shows imbalance among the classes, along with significant number of uncertain labels in various classes. Further,  We observed uneven distribution of data for positive, negative classes in 14 medical conditions during our analysis.  Lots of missing or null values were observed along with uneven distribution in the 14 Medical Conditions.
  • 7. ARCHITECTURAL FLOW DIAGRAM Training CXRs Chexpert Dataset consists of 224,316 check X-Ray images of 65,240 images for 14 Pathological observations. Test CXR Exploratory Data Analysis Exploratory Data Analysis will help to identify patterns, spot any anomalies, test given hypothesis, check assumptions with summary statistics and use of graphical representations. Data Preprocessing In this stage we are converting raw data into clean data set. Data preprocessing will include steps like data scaling and data augmentation. Feature Extraction Feature extraction by using Deep Learning Models (like LightNet-7, DenseNet121, Hybrid Model) to extract features from pre-processed image data. We have tried concept of Transfer Learning for this project. Train Classifier We are using Training data to fit the model where train & test ratio is 80:20. Predictive Model Model is now ready. It is capable to make predictions on unknown input x-ray image. Target Label Final output/pathology class that we are trying to predict. Pathology Label 14 Pathological observations. Performance Evaluation Evaluation of predictive model performance using various metrics
  • 8. MODELLING APPROACH Following models were tried for the Project: 1. LightNet-7 : A 7 layered Deep Neural Network. 2. DenseNet121 from scratch. 3. DenseNet121 using pre-trained ImageNet weights. 4. Hybrid model with Random Forests (including extended features like Age-group, gender and type of image). 5. Hybrid model with AdaBoost (including extended features like Age-group, gender and type of image). 6. Hybrid model with XGBoost (including extended features like Age-group, gender and type of image).
  • 9. Conv2D() -> Max Pool -> DropOut(0.5) Conv2D() -> Max Pool -> DropOut(0.5) Conv2D() -> Max Pool -> DropOut(0.5) Conv2D() -> Max Pool -> DropOut(0.5) Flatten() Dense(128,relu) -> DropOut(0.5) Dense(64,relu) -> DropOut(0.5) Dense(2,softmax) DEEP LEARNING MODELS USED – 7-LAYERED DNN (LIGHTNET-7*) conv2 D Max Pool Input Max Pool Max Pool Max Pool conv2 D conv2 D conv2 D Flattene d Fully Connected Neural Network + ReLU Activation With Dropout Prediction LightNet- 7
  • 10. DEEP LEARNING MODELS USED – DENSENET121
  • 11. DEEP LEARNING MODELS USED – DENSENET121 (TRANSFER LEARNING) Pre Trained Generic Feature Detection Pre Trained Model Fully Connected Neural Network + ReLU Activation With Dropout Prediction Input Classification LayerInput Layer
  • 12. HYBRID MODEL – DEEP NEURAL NETWORK WITH MACHINE LEARNING CLASSIFICATION ALGORITHM Pre Trained Generic Feature Detection Pre Trained Model Prediction Input Multiclass Classification Model Input Layer Machine Learning Models like AdaBoost, XGBoost or Random Forest
  • 13. APPROACHES AND METHODOLOGY We will discuss below, our approach and methodology which we adopted for this project:  We tried with Individual Class Wise Binary Classification, as training model together for all 14 Disease condition didn’t yield expected results.  With this approach, we came across Imbalanced Class problem for almost all 14 Disease conditions. Further, we observed uneven distribution of data for positive, negative classes in 14 diseases along with missing or null values.  To handle imbalanced class problem, we tried technique of up-sampling the minority class using SMOTE approach which improved our results significantly.  We will now take a deep dive into other approaches used in the project :  Data Pre-processing through Data Scaling and Data Augmentation. By Data Scaling, we created image tensors for Input images before feeding to DNN. Each Input Image Data was converted into Scaled Image Array with values between 0 and 1. An array list by consolidating all images was finally converted to numpy array. Also, to overcome issue of overfitting, Data Augmentation was done on input images to generate virtual images, by making transformations like flipping image, shearing and zooming.  Feature Extraction using Transfer Learning, where we used weights of Pre-Trained DenseNet-121, trained on vast set of images. We used its initial layers to extract features from our images.  We also tried a Hybrid Model, where DNN was used only for feature extraction and classical machine learning and ensemble method algorithms like Random Forest, AdaBoost and XGboost was used for Final classification.
  • 14. EVALUATION METRICS  Model’s performance was evaluated by using different metrices like Accuracy, Precision, Recall, F1 Scores, AUROC scores.  Two additional metrics Hamming Loss and Model Training and Prediction Performance Rate (execution time for each iteration) was also tested. Disease Best Model AUC Accuracy No Finding LightNet-7 0.5 84% Enlarged Cardio- mediastinum LightNet-7 0.79 79% Cardiomegaly LightNet-7 0.71 74% Lung Lesion DenseNet121 0.74 47% Lung Opacity LightNet-7 0.72 72% Edema LightNet-7 0.77 79% Consolidation LightNet-7 0.81 68% Pneumonia LightNet-7 0.69 64% Atelectasis DenseNet121 0.59 54% Pneumothorax LightNet-7 0.43 60% Pleural Effusion DenseNet121 0.69 72% Pleural Other DenseNet121 0.85 71% Fracture LightNet-7 0.73 45% Support Devices LightNet-7 0.5 54%  Accuracy and AUC-ROC scores on the validation dataset using LightNet-7, DenseNet121 and Hybrid Model was considered and the best results are shown in left figure.  LightNet-7 was the fastest as compared to the other 5 models tried and most accurate in most of the cases.  The Ensemble methods although was very slow, but these improved the training time accuracy. But on the validation dataset, the results were not good as compared to LightNet-7 and DenseNet 121  Our results, were slightly better than results of Wang, Guendel and Yao, but slightly worse than Rajpurkar.
  • 15. RESULTS AND CONCLUSION  Through this project, we tried to come up with a framework to classify 14 thoracic diseases using CheXpert dataset, splitting it in 70-10-20 ratio.  In this framework, we used pre-trained DenseNet121 for Feature Extraction. For Classification, we have experimented with CNN model, VGG16, Densenet121, ResNet models and the concept of Transfer Learning. We even tried classical Machine Learning approaches like Random Forests, AdaBoost and XGBoost for classification.  For evaluating model's performance, we used metrics like Confusion matrices, Accuracy, Precision, Recall, F1 Scores, AUROC Scores and Hamming Loss although we presented just Accuracy and AUC in this presentation.  Hybrid models are improving accuracy with more training but not improving AUC (especially on validation set) and they are slower than others  As it was shown in slide before, our custom LightNet-7 worked better than others in most of the cases. DenseNet121 was the second best.  LightNet-7 also proved to be faster to train as compared to other models.
  • 16. CHALLENGES FACED  The question of how to deal with null values for classification result was a challenge. Based on initial experiments and exploratory analysis, it was decided to simply drop the null values.  Dealing with uncertain classes was one of the initial challenges, although the U-Ignore approach as mentioned in the CheXpert paper (reference 5) was followed for this project.  We faced the challenge of Imbalanced class for almost all medical conditions. To overcome the same, we applied concepts like up-sampling using Balanced class weights and SMOTE where the latter worked out better.  We applied concept of Data Augmentation and Regularization Techniques like Drop-Out to fight the challenge of Overfitting.  Due to Infrastructure limitations, like unavailability of GPU and high VM cost we couldn’t train our models on complete dataset.
  • 17. IMPROVEMENTS AND FUTURE WORKS  The SMOTE approach to handle imbalanced data was taking very long as it tries to oversample from the entire dataset. Instead we would try to come up with an algorithm which oversamples from random batches from the entire dataset.  Another future improvement can be specific localization with the help of Regional CNN (R-CNN).  We would like to try other approaches like U-One, U-Zero, U-SelfTrained mentioned in the CheXpert paper (reference 5) on the current models to handle uncertain labels and see which approach works better for the various disease classes.
  • 18. THANK YOU! Questions? - Want to connect over LinkedIn ? - Or email me at: aditya.bhattacharya2016@gmail.com

Editor's Notes

  1. *LightNet-7- We named out 7-Layer DNN Model as LightNet-7