SlideShare a Scribd company logo
1 of 20
Lung-Disorder Classification and Detection from Chest-Xray using
GAN’S
Under the guidance of
Prof. Richa Sharma
Project Guide
Department of Information Technology
DJSCE
Mumbai University
2022-23
Abhinav Patel
60003190002
Janmey Patel
60003190029
Hardik Patel
60003190019
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 2
Name of the project/Thesis
Overview
❑Problem Statement
● Problem
● Motivation & Scope
● Aim and problem definition
❑Literature Review
● Existing Methodologies
● Models and Methodologies
❑System Architecture
❑Implementation & Paper publish Status
❑References
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 3
Name of the project/Thesis
Problem
❑ Major diseases that affect the lungs are
pneumonia, tuberculosis, COPD (chronic
obstructive pulmonary disease), Lung
Cancer and COVIP-19.
❑ Lung diseases are a severe matter of
concern all over the world.
❑ Early diagnosis with the advanced
methods and technologies has become
crucial to help in faster recovery and
improve long-term survival rates.
❑ Damage to the lungs cannot be
reversed. Delayed diagnosis results in
delayed treatment and smoking-cessation
intervention, so early and accurate
diagnosis is a window of opportunity to
make a real difference to a patient's life.
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 4
Name of the project/Thesis
Motivation
❑ The manual analysis of x-ray images is a long
process requiring radiological expertise and a
large volume of time. Deep learning can play a
crucial role in exceeding decision making,
detecting marks of disease as well as conducting
the initial examination and suggesting urgent
cases.
❑ DL techniques are known to require very large
amounts of data to train the neural networks
(NN), which can sometimes be a problem due to
limited data availability.
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 5
Name of the project/Thesis
Scope
❑ Generative Adversarial Network (GAN) is a type of generative model based on deep
neural networks. This technique is known for learning to generate new data with the same
statistics as the training set.
❑ By using GANs to generate synthetic medical data, we will be able to create new datasets
and share them in the medical community.
❑ We believe that hospitals could find this solution useful, especially due to data
confidentiality.
WHY GANS ?
❑ Limited Data Availability
❑ Unlabelled datasets and class imbalance
❑ More sharper and discrete outputs.
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 6
Name of the project/Thesis
Aim
AIM: To develop a hybrid Gan based model to overcome the issues in existing models
and detect lung disorders in the input X-Ray images.
Diseases to be detected:
1. Pneumonia
2. Lung Cancer
Problem Definition: To study the performance of a new hybrid model that can accurately
detect and classify the lung disorders. We believe that the new model will prove to be better
than the existing ones and can be conveniently used in the clinics.
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 7
Name of the project/Thesis
Literature Review
❑ The first CAD system for detecting lung nodules or affected lung cells in the late 1980s but those efforts
were not enough. WHY? Inadequate computational resources for the implementation of advanced
image processing techniques. It is also much time consuming.
❑ A 3D deep CNN is proposed with multiscale prediction strategies in order to detect the lung nodules
from segmented images .However, the work cannot classify disease types and the multiscale prediction
approaches.
❑ A system is built on deep learning based computer aided diagnosis. Deep learning based CAD system
is used for the clinically significant detection of pulmonary masses/nodules on chest X-ray images.
❑ Moreover, deep learning method is also proposed in another paper where several transfer learning
methods are used for pneumonia diagnoses, but the parameter tuning for their implemented methods
are very complex.
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 8
Name of the project/Thesis
Literature Review and Existing System
❑ Lung-GANs: Unsupervised Representation Learning for Lung Disease Classification
Using Chest CT and X-Ray Images
❑ CNN architecture for both models. The proposed architecture is trained and tested using a DL and reinforcement
learning (RL) library called TensorLayer. The base learners are trained using Random Forest and Linear Support
Vector Classification.
❑ Linear SVC and random forest were used as base classifiers. These algorithms use different methods to represent
the knowledge, and thus the hypothesis space is explored from different perspectives. As a result, when their
predictions are combined, the resultant classifier achieves better accuracy than each individual classifier.
❑ The classification performance of the proposed Lung-GANs and three other existing unsupervised methods was
compared and Lung-GANs achieved the highest classification accuracy on all datasets used in this work.
❑ Proved 10.7% more accurate than DCEC (unsupervised deep clustering algorithm that incorporates convolutional
neural networks).
❑ The method achieved 97.6% average accuracy compared to the 93.8% average accuracy obtained by the
autoencoder.
❑ It reported higher accuracy (up to 99.5%) and better sensitivity compared to the existing methods on six different
lung disease datasets. In conclusion, Lung-GANs provide a noteworthy improvement in computer-aided diagnosis
of lung diseases.
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 9
Name of the project/Thesis
Literature Review and Existing System
❑ A generalized framework for lung Cancer classification based on deep generative
models (Non-Gan Approach)
❑ Two deep learning models - Generative and ResNet50.
❑ RestNet50 is pre-trained on the ImageNet dataset. Certain parameters like the number of iterations and the
learning rate were set in order to begin fine-tuning the CXR lung dataset.
❑ The deep convolutional neural network is used as a classifier model. It can be concluded that deep learning
models can accurately classify XCR lung pictures. Increasing the number of training samples increases the system
accuracy due to the increase of the quality of the learned model. The proposed system’s performance saturates
after about 4000 samples.
❑ The classifier takes 1.2334 s on average to classify a single image using a machine with 13GB RAM.
❑ Proposed framework acquires 98.91% overall detection accuracy, 98.46% accuracy, 97.72% precision.
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 10
Name of the project/Thesis
Literature Review and Existing System
❑ Combination of GAN and CNN for automatic subcentimeter pulmonary
adenocarcinoma classification - Wang - Quantitative Imaging in Medicine and
Surgery
❑ First they compared and integrated the different GAN techniques. Then designed a CNN for classification.
The results suggested that GAN has the potential to alleviate the data insufficiency problem and to improve
the classification performance of the CNN. CNN model is also convenient for implementation in hospital
diagnostic systems and can promote the development of precision medical care.
❑ They followed the below 4 steps:
Data Collection - collecting datasets, confirming the classifications through surveys.
Data processing - Deciding on the raw data, data augmentation techniques and rescaling.
Gan based image synthesis - Testing the three GAN techniques- wGAN-gp, pix2pix and pgGAN.
CNN classification - Testing and comparing various network structures and deciding on the best.
❑ Observations:
First, the performance of the CNN was unstable and inadequate when only using the raw dataset.
Second, an additional dataset significantly improved the performance of the CNN.
Lastly, the CNN performed best with the dataset generated by the progressive-growing wGAN.
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 11
Name of the project/Thesis
Literature Review and Existing System
❑ Lung Disease Classification in CXR Images Using Hybrid Inception-ResNet-v2
Model and Edge Computing
❑ Dataset is trained by hybrid class balancing with the help of Oversampling and Proportionate class weights
as the current dataset is in the ratio of 1:3:8 (Viral Pneumonia:COVID-19:Normal).
❑ The class imbalance in the dataset was tackled with a combination of the synthetic minority over-sampling
technique (SMOTE) and weighted class balancing. CNN hyper parameter tuning is used to reduce the
training time.
❑ TL models such as SqueezeNet, VGG19, ResNet50, and MobileNetV2 have accuracy of 97.33 percent, 91.66
percent, 90.33 percent, and 76.00 percent. DL model that was trained from scratch has an accuracy of 92.43
percent.
❑ Support vector machine with local binary pattern (SVM + LBP) and decision tree with histogram of oriented
gradients (DT + HOG) are two feature-based ML classification techniques that have accuracy of 87.98 percent
and 86.87 percent.
❑ The best accuracy comes from a hybrid Inception-ResNet-v2 transfer learning model. Data augmentation and
image enhancement help in improving the accuracy of disease classification tasks. The proposed technique has
a 98.66 percent average accuracy.
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 12
Name of the project/Thesis
Related research
TYPES OF GANS :
There are multiple types of GANs that perform different applications but these are some of the important GANs.
1. Vanilla GAN
2. Conditional Gan (CGAN):
3. Deep Convolutional GAN (DCGAN) : preferable as deep learning networks are implemented.
4. CycleGAN:
5. Style GAN:
6. Super Resolution GAN (SRGAN)
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 13
Name of the project/Thesis
Models and Methodologies
Models and their Accuracies:
Below are some of the models that have been used and implemented by researched specific to
various purposes.
Models Accuracy
VC Net 99.49% (Nodule detection)
ReSNET50 98.91% (Overall Model detection)
Modified Capsnet 63.8% (Non-GAN Data Validation)
RF and SVC 97.6% (Model Testing)
Vanilla RGB 69% (Non-GAN Data Validation)
CNN and VGG 94% (Overall Model detection)
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 14
Name of the project/Thesis
System Architecture
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 15
Name of the project/Thesis
Implementation Status
❑ Tried to understand the working of the GANs by training the
MNIST number dataset.
❑ This dataset consist of 60k entries which is divided into 50
epochs for training the dataset.
❑ A seed is used to produce an image. The discriminator is then
used to classify real images (drawn from the training set) and
fakes images (produced by the generator). The loss is
calculated for each of these models, and the gradients are used
to update the generator and discriminator.
❑ As the number of iterations to train the datasets increases, the
accuracy of the generator increases such that even the
discriminator cannot identify the difference between the
dataset and the synthetically generated images.
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 16
Name of the project/Thesis
Implementation Status
❑ We have implemented Deep
Convolutional GAN on the NIH
dataset.
❑ The dataset has 1,12,120 X-Ray
images which were passed through
the network.
❑ A set of candidate images is
considered for training the
network.
❑ Next, we are going to activate the
generative loss functions which
will help us to discriminate the
input image from the sample set.
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 17
Name of the project/Thesis
Implementation Status
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 18
Name of the project/Thesis
Paper Publish Status
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 19
Name of the project/Thesis
References
1. Chandra Mani Sharma, Lakshay Goyal, Vijayaraghavan M. Chariar, Navel Sharma, "Lung Disease Classification in CXR Images Using Hybrid
Inception-ResNet-v2 Model and Edge Computing", Journal of Healthcare Engineering, vol. 2022,
https://doi.org/10.1155/2022/9036457
2. Ren, Zeyu, Yudong Zhang, and Shuihua Wang. 2022. "A Hybrid Framework for Lung Cancer Classification" Electronics 11, no. 10: 1614.
https://pubmed.ncbi.nlm.nih.gov/32835077/
3. J. Irvin, P. Rajpurkar, M. Ko, Y. Yu, S. Ciurea-Ilcus, C. Chute, H. Marklund, B. Haghgoo, r Ball, K. Shpanskaya, et al.
https://www.sciencedirect.com/science/article/pii/S2352914820300290#bbib17
4. A.A.A. Setio, A. Traverso, T. de Bel, M.S.N. Berens, C. van den Bogaard, P. Cerello, H. Chen, Q. Dou, M.E. Fantacci, B. Geurts, et al.
https://www.sciencedirect.com/science/article/pii/S2352914820300290#bbib12
5. Y. Gu, X. Lu, L. Yang, B. Zhang, D. Yu, Y. Zhao, L. Gao, L. Wu, T. Zhou
https://www.sciencedirect.com/science/article/pii/S2352914820300290#bib28
6. Chouhan, V.; Singh, S.K.; Khamparia, A.; Gupta, D.; Tiwari, P.; Moreira, C.; Damaševičius, R.; de Albuquerque, V.H.C. A Novel Transfer Learning
Based Approach for Pneumonia Detection in Chest X-ray Images. Appl. Sci. 2020, 10, 559.
https://doi.org/10.3390/app10020559
7. Amjad Khan; Zahid Ansari; Improved VGG-16 Convolutional Neural Network Based Lung Cancer Classification and Identification on Computed
Tomography
https://www.jncet.org/Manuscripts/Volume-11/Issue-2/Vol-11-issue-2-M-01.pdf
8. https://www.researchgate.net/publication/354228470_Lung-
GANs_Unsupervised_Representation_Learning_for_Lung_Disease_Classification_Using_Chest_CT_and_X-Ray_Images
DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 20
Name of the project/Thesis
Thank You!!!

More Related Content

Similar to FYP SEM VIII TT1 Presentation.pptx

Deep convolutional neural network framework with multi-modal fusion for Alzhe...
Deep convolutional neural network framework with multi-modal fusion for Alzhe...Deep convolutional neural network framework with multi-modal fusion for Alzhe...
Deep convolutional neural network framework with multi-modal fusion for Alzhe...
International Journal of Reconfigurable and Embedded Systems
 
A deep learning framework for accurate diagnosis of colorectal cancer using h...
A deep learning framework for accurate diagnosis of colorectal cancer using h...A deep learning framework for accurate diagnosis of colorectal cancer using h...
A deep learning framework for accurate diagnosis of colorectal cancer using h...
IJECEIAES
 
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfresearchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
AvijitChaudhuri3
 

Similar to FYP SEM VIII TT1 Presentation.pptx (20)

Breast cancer classification with histopathological image based on machine le...
Breast cancer classification with histopathological image based on machine le...Breast cancer classification with histopathological image based on machine le...
Breast cancer classification with histopathological image based on machine le...
 
Pneumonia Detection System using AI
Pneumonia Detection System using AIPneumonia Detection System using AI
Pneumonia Detection System using AI
 
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...
 
Deep convolutional neural network framework with multi-modal fusion for Alzhe...
Deep convolutional neural network framework with multi-modal fusion for Alzhe...Deep convolutional neural network framework with multi-modal fusion for Alzhe...
Deep convolutional neural network framework with multi-modal fusion for Alzhe...
 
Using Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionUsing Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia Detection
 
Generalized deep learning model for Classification of Gastric, Colon and Rena...
Generalized deep learning model for Classification of Gastric, Colon and Rena...Generalized deep learning model for Classification of Gastric, Colon and Rena...
Generalized deep learning model for Classification of Gastric, Colon and Rena...
 
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
 
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
 
A Comparative Study of Various Machine Learning Techniques for Brain Tumor De...
A Comparative Study of Various Machine Learning Techniques for Brain Tumor De...A Comparative Study of Various Machine Learning Techniques for Brain Tumor De...
A Comparative Study of Various Machine Learning Techniques for Brain Tumor De...
 
A deep learning framework for accurate diagnosis of colorectal cancer using h...
A deep learning framework for accurate diagnosis of colorectal cancer using h...A deep learning framework for accurate diagnosis of colorectal cancer using h...
A deep learning framework for accurate diagnosis of colorectal cancer using h...
 
Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...
 
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...
 
Journal article
Journal articleJournal article
Journal article
 
research on journaling
research on journalingresearch on journaling
research on journaling
 
X-Ray Disease Identifier
X-Ray Disease IdentifierX-Ray Disease Identifier
X-Ray Disease Identifier
 
YOLOv8-Based Lung Nodule Detection: A Novel Hybrid Deep Learning Model Proposal
YOLOv8-Based Lung Nodule Detection: A Novel Hybrid Deep Learning Model ProposalYOLOv8-Based Lung Nodule Detection: A Novel Hybrid Deep Learning Model Proposal
YOLOv8-Based Lung Nodule Detection: A Novel Hybrid Deep Learning Model Proposal
 
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfresearchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
 
A REVIEW PAPER ON PULMONARY NODULE DETECTION
A REVIEW PAPER ON PULMONARY NODULE DETECTIONA REVIEW PAPER ON PULMONARY NODULE DETECTION
A REVIEW PAPER ON PULMONARY NODULE DETECTION
 
BRAIN TUMOR DETECTION
BRAIN TUMOR DETECTIONBRAIN TUMOR DETECTION
BRAIN TUMOR DETECTION
 
Sigma Xi Student Showcase - Fast Pre-Diagnosis of Breast Cancer Using CNNs
Sigma Xi Student Showcase - Fast Pre-Diagnosis of Breast Cancer Using CNNsSigma Xi Student Showcase - Fast Pre-Diagnosis of Breast Cancer Using CNNs
Sigma Xi Student Showcase - Fast Pre-Diagnosis of Breast Cancer Using CNNs
 

Recently uploaded

electrical installation and maintenance.
electrical installation and maintenance.electrical installation and maintenance.
electrical installation and maintenance.
benjamincojr
 
Seizure stage detection of epileptic seizure using convolutional neural networks
Seizure stage detection of epileptic seizure using convolutional neural networksSeizure stage detection of epileptic seizure using convolutional neural networks
Seizure stage detection of epileptic seizure using convolutional neural networks
IJECEIAES
 
Final DBMS Manual (2).pdf final lab manual
Final DBMS Manual (2).pdf final lab manualFinal DBMS Manual (2).pdf final lab manual
Final DBMS Manual (2).pdf final lab manual
BalamuruganV28
 
21P35A0312 Internship eccccccReport.docx
21P35A0312 Internship eccccccReport.docx21P35A0312 Internship eccccccReport.docx
21P35A0312 Internship eccccccReport.docx
rahulmanepalli02
 
Tembisa Central Terminating Pills +27838792658 PHOMOLONG Top Abortion Pills F...
Tembisa Central Terminating Pills +27838792658 PHOMOLONG Top Abortion Pills F...Tembisa Central Terminating Pills +27838792658 PHOMOLONG Top Abortion Pills F...
Tembisa Central Terminating Pills +27838792658 PHOMOLONG Top Abortion Pills F...
drjose256
 

Recently uploaded (20)

Independent Solar-Powered Electric Vehicle Charging Station
Independent Solar-Powered Electric Vehicle Charging StationIndependent Solar-Powered Electric Vehicle Charging Station
Independent Solar-Powered Electric Vehicle Charging Station
 
Involute of a circle,Square, pentagon,HexagonInvolute_Engineering Drawing.pdf
Involute of a circle,Square, pentagon,HexagonInvolute_Engineering Drawing.pdfInvolute of a circle,Square, pentagon,HexagonInvolute_Engineering Drawing.pdf
Involute of a circle,Square, pentagon,HexagonInvolute_Engineering Drawing.pdf
 
History of Indian Railways - the story of Growth & Modernization
History of Indian Railways - the story of Growth & ModernizationHistory of Indian Railways - the story of Growth & Modernization
History of Indian Railways - the story of Growth & Modernization
 
electrical installation and maintenance.
electrical installation and maintenance.electrical installation and maintenance.
electrical installation and maintenance.
 
8th International Conference on Soft Computing, Mathematics and Control (SMC ...
8th International Conference on Soft Computing, Mathematics and Control (SMC ...8th International Conference on Soft Computing, Mathematics and Control (SMC ...
8th International Conference on Soft Computing, Mathematics and Control (SMC ...
 
Seizure stage detection of epileptic seizure using convolutional neural networks
Seizure stage detection of epileptic seizure using convolutional neural networksSeizure stage detection of epileptic seizure using convolutional neural networks
Seizure stage detection of epileptic seizure using convolutional neural networks
 
handbook on reinforce concrete and detailing
handbook on reinforce concrete and detailinghandbook on reinforce concrete and detailing
handbook on reinforce concrete and detailing
 
Augmented Reality (AR) with Augin Software.pptx
Augmented Reality (AR) with Augin Software.pptxAugmented Reality (AR) with Augin Software.pptx
Augmented Reality (AR) with Augin Software.pptx
 
CLOUD COMPUTING SERVICES - Cloud Reference Modal
CLOUD COMPUTING SERVICES - Cloud Reference ModalCLOUD COMPUTING SERVICES - Cloud Reference Modal
CLOUD COMPUTING SERVICES - Cloud Reference Modal
 
Fuzzy logic method-based stress detector with blood pressure and body tempera...
Fuzzy logic method-based stress detector with blood pressure and body tempera...Fuzzy logic method-based stress detector with blood pressure and body tempera...
Fuzzy logic method-based stress detector with blood pressure and body tempera...
 
UNIT 4 PTRP final Convergence in probability.pptx
UNIT 4 PTRP final Convergence in probability.pptxUNIT 4 PTRP final Convergence in probability.pptx
UNIT 4 PTRP final Convergence in probability.pptx
 
Final DBMS Manual (2).pdf final lab manual
Final DBMS Manual (2).pdf final lab manualFinal DBMS Manual (2).pdf final lab manual
Final DBMS Manual (2).pdf final lab manual
 
litvinenko_Henry_Intrusion_Hong-Kong_2024.pdf
litvinenko_Henry_Intrusion_Hong-Kong_2024.pdflitvinenko_Henry_Intrusion_Hong-Kong_2024.pdf
litvinenko_Henry_Intrusion_Hong-Kong_2024.pdf
 
21P35A0312 Internship eccccccReport.docx
21P35A0312 Internship eccccccReport.docx21P35A0312 Internship eccccccReport.docx
21P35A0312 Internship eccccccReport.docx
 
What is Coordinate Measuring Machine? CMM Types, Features, Functions
What is Coordinate Measuring Machine? CMM Types, Features, FunctionsWhat is Coordinate Measuring Machine? CMM Types, Features, Functions
What is Coordinate Measuring Machine? CMM Types, Features, Functions
 
Working Principle of Echo Sounder and Doppler Effect.pdf
Working Principle of Echo Sounder and Doppler Effect.pdfWorking Principle of Echo Sounder and Doppler Effect.pdf
Working Principle of Echo Sounder and Doppler Effect.pdf
 
Worksharing and 3D Modeling with Revit.pptx
Worksharing and 3D Modeling with Revit.pptxWorksharing and 3D Modeling with Revit.pptx
Worksharing and 3D Modeling with Revit.pptx
 
Tembisa Central Terminating Pills +27838792658 PHOMOLONG Top Abortion Pills F...
Tembisa Central Terminating Pills +27838792658 PHOMOLONG Top Abortion Pills F...Tembisa Central Terminating Pills +27838792658 PHOMOLONG Top Abortion Pills F...
Tembisa Central Terminating Pills +27838792658 PHOMOLONG Top Abortion Pills F...
 
engineering chemistry power point presentation
engineering chemistry  power point presentationengineering chemistry  power point presentation
engineering chemistry power point presentation
 
Filters for Electromagnetic Compatibility Applications
Filters for Electromagnetic Compatibility ApplicationsFilters for Electromagnetic Compatibility Applications
Filters for Electromagnetic Compatibility Applications
 

FYP SEM VIII TT1 Presentation.pptx

  • 1. Lung-Disorder Classification and Detection from Chest-Xray using GAN’S Under the guidance of Prof. Richa Sharma Project Guide Department of Information Technology DJSCE Mumbai University 2022-23 Abhinav Patel 60003190002 Janmey Patel 60003190029 Hardik Patel 60003190019
  • 2. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 2 Name of the project/Thesis Overview ❑Problem Statement ● Problem ● Motivation & Scope ● Aim and problem definition ❑Literature Review ● Existing Methodologies ● Models and Methodologies ❑System Architecture ❑Implementation & Paper publish Status ❑References
  • 3. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 3 Name of the project/Thesis Problem ❑ Major diseases that affect the lungs are pneumonia, tuberculosis, COPD (chronic obstructive pulmonary disease), Lung Cancer and COVIP-19. ❑ Lung diseases are a severe matter of concern all over the world. ❑ Early diagnosis with the advanced methods and technologies has become crucial to help in faster recovery and improve long-term survival rates. ❑ Damage to the lungs cannot be reversed. Delayed diagnosis results in delayed treatment and smoking-cessation intervention, so early and accurate diagnosis is a window of opportunity to make a real difference to a patient's life.
  • 4. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 4 Name of the project/Thesis Motivation ❑ The manual analysis of x-ray images is a long process requiring radiological expertise and a large volume of time. Deep learning can play a crucial role in exceeding decision making, detecting marks of disease as well as conducting the initial examination and suggesting urgent cases. ❑ DL techniques are known to require very large amounts of data to train the neural networks (NN), which can sometimes be a problem due to limited data availability.
  • 5. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 5 Name of the project/Thesis Scope ❑ Generative Adversarial Network (GAN) is a type of generative model based on deep neural networks. This technique is known for learning to generate new data with the same statistics as the training set. ❑ By using GANs to generate synthetic medical data, we will be able to create new datasets and share them in the medical community. ❑ We believe that hospitals could find this solution useful, especially due to data confidentiality. WHY GANS ? ❑ Limited Data Availability ❑ Unlabelled datasets and class imbalance ❑ More sharper and discrete outputs.
  • 6. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 6 Name of the project/Thesis Aim AIM: To develop a hybrid Gan based model to overcome the issues in existing models and detect lung disorders in the input X-Ray images. Diseases to be detected: 1. Pneumonia 2. Lung Cancer Problem Definition: To study the performance of a new hybrid model that can accurately detect and classify the lung disorders. We believe that the new model will prove to be better than the existing ones and can be conveniently used in the clinics.
  • 7. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 7 Name of the project/Thesis Literature Review ❑ The first CAD system for detecting lung nodules or affected lung cells in the late 1980s but those efforts were not enough. WHY? Inadequate computational resources for the implementation of advanced image processing techniques. It is also much time consuming. ❑ A 3D deep CNN is proposed with multiscale prediction strategies in order to detect the lung nodules from segmented images .However, the work cannot classify disease types and the multiscale prediction approaches. ❑ A system is built on deep learning based computer aided diagnosis. Deep learning based CAD system is used for the clinically significant detection of pulmonary masses/nodules on chest X-ray images. ❑ Moreover, deep learning method is also proposed in another paper where several transfer learning methods are used for pneumonia diagnoses, but the parameter tuning for their implemented methods are very complex.
  • 8. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 8 Name of the project/Thesis Literature Review and Existing System ❑ Lung-GANs: Unsupervised Representation Learning for Lung Disease Classification Using Chest CT and X-Ray Images ❑ CNN architecture for both models. The proposed architecture is trained and tested using a DL and reinforcement learning (RL) library called TensorLayer. The base learners are trained using Random Forest and Linear Support Vector Classification. ❑ Linear SVC and random forest were used as base classifiers. These algorithms use different methods to represent the knowledge, and thus the hypothesis space is explored from different perspectives. As a result, when their predictions are combined, the resultant classifier achieves better accuracy than each individual classifier. ❑ The classification performance of the proposed Lung-GANs and three other existing unsupervised methods was compared and Lung-GANs achieved the highest classification accuracy on all datasets used in this work. ❑ Proved 10.7% more accurate than DCEC (unsupervised deep clustering algorithm that incorporates convolutional neural networks). ❑ The method achieved 97.6% average accuracy compared to the 93.8% average accuracy obtained by the autoencoder. ❑ It reported higher accuracy (up to 99.5%) and better sensitivity compared to the existing methods on six different lung disease datasets. In conclusion, Lung-GANs provide a noteworthy improvement in computer-aided diagnosis of lung diseases.
  • 9. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 9 Name of the project/Thesis Literature Review and Existing System ❑ A generalized framework for lung Cancer classification based on deep generative models (Non-Gan Approach) ❑ Two deep learning models - Generative and ResNet50. ❑ RestNet50 is pre-trained on the ImageNet dataset. Certain parameters like the number of iterations and the learning rate were set in order to begin fine-tuning the CXR lung dataset. ❑ The deep convolutional neural network is used as a classifier model. It can be concluded that deep learning models can accurately classify XCR lung pictures. Increasing the number of training samples increases the system accuracy due to the increase of the quality of the learned model. The proposed system’s performance saturates after about 4000 samples. ❑ The classifier takes 1.2334 s on average to classify a single image using a machine with 13GB RAM. ❑ Proposed framework acquires 98.91% overall detection accuracy, 98.46% accuracy, 97.72% precision.
  • 10. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 10 Name of the project/Thesis Literature Review and Existing System ❑ Combination of GAN and CNN for automatic subcentimeter pulmonary adenocarcinoma classification - Wang - Quantitative Imaging in Medicine and Surgery ❑ First they compared and integrated the different GAN techniques. Then designed a CNN for classification. The results suggested that GAN has the potential to alleviate the data insufficiency problem and to improve the classification performance of the CNN. CNN model is also convenient for implementation in hospital diagnostic systems and can promote the development of precision medical care. ❑ They followed the below 4 steps: Data Collection - collecting datasets, confirming the classifications through surveys. Data processing - Deciding on the raw data, data augmentation techniques and rescaling. Gan based image synthesis - Testing the three GAN techniques- wGAN-gp, pix2pix and pgGAN. CNN classification - Testing and comparing various network structures and deciding on the best. ❑ Observations: First, the performance of the CNN was unstable and inadequate when only using the raw dataset. Second, an additional dataset significantly improved the performance of the CNN. Lastly, the CNN performed best with the dataset generated by the progressive-growing wGAN.
  • 11. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 11 Name of the project/Thesis Literature Review and Existing System ❑ Lung Disease Classification in CXR Images Using Hybrid Inception-ResNet-v2 Model and Edge Computing ❑ Dataset is trained by hybrid class balancing with the help of Oversampling and Proportionate class weights as the current dataset is in the ratio of 1:3:8 (Viral Pneumonia:COVID-19:Normal). ❑ The class imbalance in the dataset was tackled with a combination of the synthetic minority over-sampling technique (SMOTE) and weighted class balancing. CNN hyper parameter tuning is used to reduce the training time. ❑ TL models such as SqueezeNet, VGG19, ResNet50, and MobileNetV2 have accuracy of 97.33 percent, 91.66 percent, 90.33 percent, and 76.00 percent. DL model that was trained from scratch has an accuracy of 92.43 percent. ❑ Support vector machine with local binary pattern (SVM + LBP) and decision tree with histogram of oriented gradients (DT + HOG) are two feature-based ML classification techniques that have accuracy of 87.98 percent and 86.87 percent. ❑ The best accuracy comes from a hybrid Inception-ResNet-v2 transfer learning model. Data augmentation and image enhancement help in improving the accuracy of disease classification tasks. The proposed technique has a 98.66 percent average accuracy.
  • 12. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 12 Name of the project/Thesis Related research TYPES OF GANS : There are multiple types of GANs that perform different applications but these are some of the important GANs. 1. Vanilla GAN 2. Conditional Gan (CGAN): 3. Deep Convolutional GAN (DCGAN) : preferable as deep learning networks are implemented. 4. CycleGAN: 5. Style GAN: 6. Super Resolution GAN (SRGAN)
  • 13. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 13 Name of the project/Thesis Models and Methodologies Models and their Accuracies: Below are some of the models that have been used and implemented by researched specific to various purposes. Models Accuracy VC Net 99.49% (Nodule detection) ReSNET50 98.91% (Overall Model detection) Modified Capsnet 63.8% (Non-GAN Data Validation) RF and SVC 97.6% (Model Testing) Vanilla RGB 69% (Non-GAN Data Validation) CNN and VGG 94% (Overall Model detection)
  • 14. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 14 Name of the project/Thesis System Architecture
  • 15. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 15 Name of the project/Thesis Implementation Status ❑ Tried to understand the working of the GANs by training the MNIST number dataset. ❑ This dataset consist of 60k entries which is divided into 50 epochs for training the dataset. ❑ A seed is used to produce an image. The discriminator is then used to classify real images (drawn from the training set) and fakes images (produced by the generator). The loss is calculated for each of these models, and the gradients are used to update the generator and discriminator. ❑ As the number of iterations to train the datasets increases, the accuracy of the generator increases such that even the discriminator cannot identify the difference between the dataset and the synthetically generated images.
  • 16. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 16 Name of the project/Thesis Implementation Status ❑ We have implemented Deep Convolutional GAN on the NIH dataset. ❑ The dataset has 1,12,120 X-Ray images which were passed through the network. ❑ A set of candidate images is considered for training the network. ❑ Next, we are going to activate the generative loss functions which will help us to discriminate the input image from the sample set.
  • 17. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 17 Name of the project/Thesis Implementation Status
  • 18. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 18 Name of the project/Thesis Paper Publish Status
  • 19. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 19 Name of the project/Thesis References 1. Chandra Mani Sharma, Lakshay Goyal, Vijayaraghavan M. Chariar, Navel Sharma, "Lung Disease Classification in CXR Images Using Hybrid Inception-ResNet-v2 Model and Edge Computing", Journal of Healthcare Engineering, vol. 2022, https://doi.org/10.1155/2022/9036457 2. Ren, Zeyu, Yudong Zhang, and Shuihua Wang. 2022. "A Hybrid Framework for Lung Cancer Classification" Electronics 11, no. 10: 1614. https://pubmed.ncbi.nlm.nih.gov/32835077/ 3. J. Irvin, P. Rajpurkar, M. Ko, Y. Yu, S. Ciurea-Ilcus, C. Chute, H. Marklund, B. Haghgoo, r Ball, K. Shpanskaya, et al. https://www.sciencedirect.com/science/article/pii/S2352914820300290#bbib17 4. A.A.A. Setio, A. Traverso, T. de Bel, M.S.N. Berens, C. van den Bogaard, P. Cerello, H. Chen, Q. Dou, M.E. Fantacci, B. Geurts, et al. https://www.sciencedirect.com/science/article/pii/S2352914820300290#bbib12 5. Y. Gu, X. Lu, L. Yang, B. Zhang, D. Yu, Y. Zhao, L. Gao, L. Wu, T. Zhou https://www.sciencedirect.com/science/article/pii/S2352914820300290#bib28 6. Chouhan, V.; Singh, S.K.; Khamparia, A.; Gupta, D.; Tiwari, P.; Moreira, C.; Damaševičius, R.; de Albuquerque, V.H.C. A Novel Transfer Learning Based Approach for Pneumonia Detection in Chest X-ray Images. Appl. Sci. 2020, 10, 559. https://doi.org/10.3390/app10020559 7. Amjad Khan; Zahid Ansari; Improved VGG-16 Convolutional Neural Network Based Lung Cancer Classification and Identification on Computed Tomography https://www.jncet.org/Manuscripts/Volume-11/Issue-2/Vol-11-issue-2-M-01.pdf 8. https://www.researchgate.net/publication/354228470_Lung- GANs_Unsupervised_Representation_Learning_for_Lung_Disease_Classification_Using_Chest_CT_and_X-Ray_Images
  • 20. DEPT. OF INFORMATION TECHNOLOGY D.J.SANGHVI COLLEGE OF ENGINEERING 20 Name of the project/Thesis Thank You!!!