SlideShare a Scribd company logo
1 of 14
Medical Image Segmentation
By
SACHIN S
1
Project Objectives
 To develop a deep learning model to accurately segment brain tumors in MRI images.
 To ensure the model's reliability and performance across diverse datasets and imaging conditions.
 To demonstrate the model's practical utility in assisting medical professionals with tumor detection and
treatment planning.
 To compare the model's performance against established segmentation methods to validate its
effectiveness and potential clinical impact.
10-02-2024
2
Need of the project
 Improved Diagnosis: Automating brain tumor segmentation in MRI images
streamlines the diagnostic process, aiding healthcare professionals in detecting
tumors earlier and more accurately.
 Time Efficiency: Manual segmentation is time-consuming and requires specialized
skills. Automated segmentation models save time and resources, allowing medical
staff to focus on patient care.
 Enhanced Treatment Planning: Accurate segmentation helps in precise treatment
planning, including surgery, radiation therapy, and chemotherapy, leading to better
outcomes for patients with brain tumors.
 Access to Healthcare: By developing accessible and reliable segmentation tools, the
project aims to improve healthcare accessibility, especially in regions with limited
medical resources or expertise, ultimately benefiting a larger population of
patients.
10-02-2024
Design and Implementation of Fractional Order IMC Controller for Nonlinear Process
3
Data Acquisition and Preprocessing
Model Development
Training and Validation:
Process
Visualization and
Interpretation
Scope of the
work
Performance
Analysis
10-02-2024
4
Work Progress
Project Work completed
First review Model Model Development: Explored different deep learning architectures.
Conducted initial model experiments.
Data Preprocessing: Collected MRI datasets. Started preprocessing tasks like
resizing and normalization.
Training Preparation: Set up initial training pipeline. Defined basic data
augmentation techniques.
Second review Model Training: Completed initial model training. Monitored training progress and
performance.
Evaluation: Evaluated models using standard metrics. Analyzed model accuracy and
performance.
Visualization: Visualized segmentation results. Examined model outputs
forinterpretation.
Third review Model Refinement:
Made adjustments based on training insights.
Fine-tuned model hyperparameters.
Documentation:
Documented model architecture and training procedures.
Prepared initial project documentation.
Next Steps:
Discussed future research directions.
Identified areas for improvement and collaboration
10-02-2024
5
10-02-2024
6
 Challenge: Manual segmentation of brain tumors in MRI images is time-
consuming and prone to errors.
 Objective: Develop a deep learning model for accurate and efficient
automated segmentation.
 Purpose: Assist medical professionals in early diagnosis and treatment
planning, enhancing patient outcomes.
 Approach: Leveraging deep learning techniques to analyze MRI data and
identify tumor regions.
 Impact: Revolutionize brain tumor detection, streamline healthcare
workflows, and improve patient care.
 Ethical Considerations: Prioritize patient privacy, data security, and
responsible deployment of AI technology in healthcare.
INTRODUCTION
Block diagram
10-02-2024
7
Proposed metholodgy
1.Data Acquisition & Preprocessing:
•Obtain MRI datasets with brain images and tumor masks.
•Preprocess data by resizing, normalizing, and addressing artifacts.
2.Model Selection & Training:
•Explore deep learning architectures like U-Net or DeepLabv3+.
•Train the selected model using a split dataset (training, validation, test).
3.Evaluation Metrics & Validation:
•Assess model performance using metrics like Dice coefficient and IoU.
•Validate model accuracy, sensitivity, and specificity.
4.Hyperparameter Tuning & Data Augmentation:
•Tune hyperparameters (learning rates, batch sizes).
•Apply data augmentation (rotation, flipping) to enhance model generalization.
5.Visualization & Interpretation:
•Visualize segmentation results by overlaying predicted masks.
•Interpret model outputs for accuracy and improvement insights.
6.Documentation & Reporting:
•Document methodology, architecture, and training process.
•Prepare a comprehensive report for reproducibility and future research.
Impact: Streamline brain tumor diagnosis, improve treatment planning, and advance medical imaging technology.
Ethical Considerations: Prioritize patient privacy, data security, and responsible AI deployment in healthcare.
10-02-2024
8
Algorithm
 Convolutional Neural Networks (CNNs): CNNs are a class of deep neural networks commonly used for
image classification and segmentation tasks. In this project, a CNN architecture is employed for brain
tumor segmentation in MRI images.
 Loss Functions: Binary Cross-Entropy loss is used as the loss function for training the CNN model. This loss
function is commonly used in binary classification tasks.
 Data Augmentation: Data augmentation techniques such as random flipping, rotation, and zooming are
applied to the training dataset. Data augmentation helps increase the diversity of training samples and
improve the robustness of the model.
 Class Weighting: Class weights are computed to handle class imbalance in the dataset. Class weights are
used during training to give more importance to underrepresented classes.
 Vision Transformers (ViT): ViT is a transformer-based architecture originally proposed for natural language
processing tasks but adapted for image classification. In this project, ViT is explored as an alternative
architecture for brain tumor segmentation.
 Optimization Algorithm: The Adam optimizer is used to optimize the CNN model during training. Adam is
an adaptive learning rate optimization algorithm that is widely used in training deep neural networks.
10-02-2024
9
Pseudocode
10
Here are the headings for each section of the simplified pseudocode:
Medical Image Segmentation for Brain Tumor
Detection
1.Import Libraries
2.Define Parameters
3.Data Preprocessing
4.Model Architecture
5.Compile Model
6.Model Training
7.Model Evaluation
8.Fine-tuning (Optional)
9.Documentation
10.Conclusion
Result Analysis
 Result Analysis Techniques
 Accuracy & Loss Curves
 Track model performance over epochs.
 Identify overfitting or underfitting.
 Confusion Matrix
 Evaluate classification model performance.
 Summarize correct/incorrect predictions by class.
 Classification Report
 Provide precision, recall, F1-score metrics.
 Assess model performance comprehensively.
 Intersection over Union (IoU)
 Measure segmentation mask overlap.
 Evaluate accuracy of segmentation.
 Dice Coefficient
 Assess similarity between samples.
 Useful for binary segmentation tasks.
 F1-Score
 Harmonic mean of precision and recall.
 Balanced measure of model performance.
 Visual Inspection
 Overlay predicted masks on MRI images.
 Validate segmentation accuracy visually
10-02-2024
11
SUMMARY
 Project Overview:
 Objective: Develop a deep learning model for automatic brain tumor segmentation in MRI images.
 Aim: Assist medical professionals in early diagnosis and treatment planning.
 Approach:
 Utilize Convolutional Neural Networks (CNNs) and Vision Transformers (ViT) for image segmentation.
 Train the model on MRI brain images with corresponding tumor segmentation masks.
 Implementation:
 Data preprocessing: Resize, normalize, and augment images.
 Model development: CNN with convolutional and dense layers, ViT with patch creation and encoding.
 Evaluation: Assess model accuracy and performance using appropriate metrics.
 Tools Used:
 Libraries: TensorFlow, OpenCV, NumPy, Matplotlib, Pandas, scikit-learn.
 Frameworks: Keras, TensorFlow-Addons.
 Outcome:
 Improved early detection and treatment planning for brain tumors.
 Potential to enhance patient outcomes and streamline medical diagnosis processes.
 Conclusion:
 Medical image segmentation with deep learning offers promising avenues for healthcare advancement.
 Collaboration between technology and medicine can revolutionize diagnostic practices.
10-02-2024
12
Acknowledgement
 Acknowledgements:
 We would like to express our gratitude to the following individuals, organizations, and sources for their contributions and support during the
development of this project:
 Kaggle: We acknowledge brain Tumor Dataset for providing the brain tumor detection dataset used in this project.
 - Libraries and Tools: We extend our appreciation to the developers and contributors of TensorFlow, OpenCV, NumPy, PIL, scikit-learn, and other
libraries and tools used in this project for their invaluable contributions to the field of deep learning and image processing.
 - Inspiration and References: We are thankful to the authors of [Reference Papers or Projects] for their pioneering work in medical image
segmentation and brain tumor detection, which served as inspiration and references during the development of our model.
 - Classmates, Mentors, or Advisors: We would like to thank for their support, guidance, and feedback during the course of this project.
 - Institution or Organization: This project was conducted as part of [Name of Institution or Organization]. We acknowledge Ramco Institute of
Technology for providing resources, facilities, and support for this research.
10-02-2024
13
Thank You
10-02-2024
14

More Related Content

Similar to Medical Image segmentation from dl .pptx

best data science course institutes in Hyderabad
best data science course institutes in Hyderabadbest data science course institutes in Hyderabad
best data science course institutes in Hyderabadrajasrichalamala3zen
 
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
 
3D Segmentation of Brain Tumor Imaging
3D Segmentation of Brain Tumor Imaging3D Segmentation of Brain Tumor Imaging
3D Segmentation of Brain Tumor ImagingIJAEMSJORNAL
 
A Review on Medical Image Analysis Using Deep Learning
A Review on Medical Image Analysis Using Deep LearningA Review on Medical Image Analysis Using Deep Learning
A Review on Medical Image Analysis Using Deep LearningIRJET Journal
 
IRJET - Lung Disease Prediction using Image Processing and CNN Algorithm
IRJET -  	  Lung Disease Prediction using Image Processing and CNN AlgorithmIRJET -  	  Lung Disease Prediction using Image Processing and CNN Algorithm
IRJET - Lung Disease Prediction using Image Processing and CNN AlgorithmIRJET Journal
 
IRJET- Breast Cancer Prediction using Deep Learning
IRJET-  	  Breast Cancer Prediction using Deep LearningIRJET-  	  Breast Cancer Prediction using Deep Learning
IRJET- Breast Cancer Prediction using Deep LearningIRJET Journal
 
Brain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep LearningBrain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep LearningIRJET Journal
 
Pneumonia Detection Using Deep Learning and Transfer Learning
Pneumonia Detection Using Deep Learning and Transfer LearningPneumonia Detection Using Deep Learning and Transfer Learning
Pneumonia Detection Using Deep Learning and Transfer LearningIRJET Journal
 
Survey on “Brain Tumor Detection Using Deep Learning
Survey on “Brain Tumor Detection Using Deep LearningSurvey on “Brain Tumor Detection Using Deep Learning
Survey on “Brain Tumor Detection Using Deep LearningIRJET Journal
 
RETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODS
RETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODSRETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODS
RETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODSIRJET Journal
 
Brain Tumor Detection Using Deep Learning ppt new made.pptx
Brain Tumor Detection Using Deep Learning ppt new made.pptxBrain Tumor Detection Using Deep Learning ppt new made.pptx
Brain Tumor Detection Using Deep Learning ppt new made.pptxvikyt2211
 
Case Study: Advanced analytics in healthcare using unstructured data
Case Study: Advanced analytics in healthcare using unstructured dataCase Study: Advanced analytics in healthcare using unstructured data
Case Study: Advanced analytics in healthcare using unstructured dataDamo Consulting Inc.
 
Brain Tumor Detection and Segmentation using UNET
Brain Tumor Detection and Segmentation using UNETBrain Tumor Detection and Segmentation using UNET
Brain Tumor Detection and Segmentation using UNETIRJET Journal
 
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNINGSEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNINGgerogepatton
 
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNINGSEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNINGgerogepatton
 
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNINGSEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNINGijaia
 
Multi Disease Detection using Deep Learning
Multi Disease Detection using Deep LearningMulti Disease Detection using Deep Learning
Multi Disease Detection using Deep LearningIRJET Journal
 
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
 

Similar to Medical Image segmentation from dl .pptx (20)

data science.pptx
data science.pptxdata science.pptx
data science.pptx
 
best data science course institutes in Hyderabad
best data science course institutes in Hyderabadbest data science course institutes in Hyderabad
best data science course institutes in Hyderabad
 
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...
 
3D Segmentation of Brain Tumor Imaging
3D Segmentation of Brain Tumor Imaging3D Segmentation of Brain Tumor Imaging
3D Segmentation of Brain Tumor Imaging
 
A Review on Medical Image Analysis Using Deep Learning
A Review on Medical Image Analysis Using Deep LearningA Review on Medical Image Analysis Using Deep Learning
A Review on Medical Image Analysis Using Deep Learning
 
IRJET - Lung Disease Prediction using Image Processing and CNN Algorithm
IRJET -  	  Lung Disease Prediction using Image Processing and CNN AlgorithmIRJET -  	  Lung Disease Prediction using Image Processing and CNN Algorithm
IRJET - Lung Disease Prediction using Image Processing and CNN Algorithm
 
IRJET- Breast Cancer Prediction using Deep Learning
IRJET-  	  Breast Cancer Prediction using Deep LearningIRJET-  	  Breast Cancer Prediction using Deep Learning
IRJET- Breast Cancer Prediction using Deep Learning
 
Brain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep LearningBrain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep Learning
 
Pneumonia Detection Using Deep Learning and Transfer Learning
Pneumonia Detection Using Deep Learning and Transfer LearningPneumonia Detection Using Deep Learning and Transfer Learning
Pneumonia Detection Using Deep Learning and Transfer Learning
 
Survey on “Brain Tumor Detection Using Deep Learning
Survey on “Brain Tumor Detection Using Deep LearningSurvey on “Brain Tumor Detection Using Deep Learning
Survey on “Brain Tumor Detection Using Deep Learning
 
RETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODS
RETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODSRETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODS
RETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODS
 
Brain Tumor Detection Using Deep Learning ppt new made.pptx
Brain Tumor Detection Using Deep Learning ppt new made.pptxBrain Tumor Detection Using Deep Learning ppt new made.pptx
Brain Tumor Detection Using Deep Learning ppt new made.pptx
 
Case Study: Advanced analytics in healthcare using unstructured data
Case Study: Advanced analytics in healthcare using unstructured dataCase Study: Advanced analytics in healthcare using unstructured data
Case Study: Advanced analytics in healthcare using unstructured data
 
MINI PROJECT (1).pptx
MINI PROJECT (1).pptxMINI PROJECT (1).pptx
MINI PROJECT (1).pptx
 
Brain Tumor Detection and Segmentation using UNET
Brain Tumor Detection and Segmentation using UNETBrain Tumor Detection and Segmentation using UNET
Brain Tumor Detection and Segmentation using UNET
 
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNINGSEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
 
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNINGSEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
 
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNINGSEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
SEGMENTATION OF THE GASTROINTESTINAL TRACT MRI USING DEEP LEARNING
 
Multi Disease Detection using Deep Learning
Multi Disease Detection using Deep LearningMulti Disease Detection using Deep Learning
Multi Disease Detection using Deep Learning
 
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
 

Recently uploaded

Call Girls Chandigarh 👙 7001035870 👙 Genuine WhatsApp Number for Real Meet
Call Girls Chandigarh 👙 7001035870 👙 Genuine WhatsApp Number for Real MeetCall Girls Chandigarh 👙 7001035870 👙 Genuine WhatsApp Number for Real Meet
Call Girls Chandigarh 👙 7001035870 👙 Genuine WhatsApp Number for Real Meetpriyashah722354
 
Ernakulam Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Ernakulam Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetErnakulam Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Ernakulam Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetCall Girls Chandigarh
 
Bareilly Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Bareilly Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetBareilly Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Bareilly Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetCall Girls Service
 
Chandigarh Call Girls 👙 7001035870 👙 Genuine WhatsApp Number for Real Meet
Chandigarh Call Girls 👙 7001035870 👙 Genuine WhatsApp Number for Real MeetChandigarh Call Girls 👙 7001035870 👙 Genuine WhatsApp Number for Real Meet
Chandigarh Call Girls 👙 7001035870 👙 Genuine WhatsApp Number for Real Meetpriyashah722354
 
Punjab❤️Call girls in Mohali ☎️7435815124☎️ Call Girl service in Mohali☎️ Moh...
Punjab❤️Call girls in Mohali ☎️7435815124☎️ Call Girl service in Mohali☎️ Moh...Punjab❤️Call girls in Mohali ☎️7435815124☎️ Call Girl service in Mohali☎️ Moh...
Punjab❤️Call girls in Mohali ☎️7435815124☎️ Call Girl service in Mohali☎️ Moh...Sheetaleventcompany
 
bhubaneswar Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
bhubaneswar Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meetbhubaneswar Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
bhubaneswar Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetCall Girls Service
 
Enjoyment ★ 8854095900 Indian Call Girls In Dehradun 🍆🍌 By Dehradun Call Girl ★
Enjoyment ★ 8854095900 Indian Call Girls In Dehradun 🍆🍌 By Dehradun Call Girl ★Enjoyment ★ 8854095900 Indian Call Girls In Dehradun 🍆🍌 By Dehradun Call Girl ★
Enjoyment ★ 8854095900 Indian Call Girls In Dehradun 🍆🍌 By Dehradun Call Girl ★indiancallgirl4rent
 
Call Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service AvailableDipal Arora
 
(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...
(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...
(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...indiancallgirl4rent
 
❤️♀️@ Jaipur Call Girl Agency ❤️♀️@ Manjeet Russian Call Girls Service in Jai...
❤️♀️@ Jaipur Call Girl Agency ❤️♀️@ Manjeet Russian Call Girls Service in Jai...❤️♀️@ Jaipur Call Girl Agency ❤️♀️@ Manjeet Russian Call Girls Service in Jai...
❤️♀️@ Jaipur Call Girl Agency ❤️♀️@ Manjeet Russian Call Girls Service in Jai...Gfnyt.com
 
Nanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Nanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetNanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Nanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetCall Girls Service
 
❤️♀️@ Jaipur Call Girls ❤️♀️@ Meghna Jaipur Call Girls Number CRTHNR Call G...
❤️♀️@ Jaipur Call Girls ❤️♀️@ Meghna Jaipur Call Girls Number CRTHNR   Call G...❤️♀️@ Jaipur Call Girls ❤️♀️@ Meghna Jaipur Call Girls Number CRTHNR   Call G...
❤️♀️@ Jaipur Call Girls ❤️♀️@ Meghna Jaipur Call Girls Number CRTHNR Call G...Gfnyt.com
 
ooty Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
ooty Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meetooty Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
ooty Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetCall Girls Service
 
Hubli Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Hubli Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetHubli Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Hubli Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetCall Girls Service
 
Ozhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Ozhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetOzhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Ozhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetCall Girls Service
 
Call Girls Service Anantapur 📲 6297143586 Book Now VIP Call Girls in Anantapur
Call Girls Service Anantapur 📲 6297143586 Book Now VIP Call Girls in AnantapurCall Girls Service Anantapur 📲 6297143586 Book Now VIP Call Girls in Anantapur
Call Girls Service Anantapur 📲 6297143586 Book Now VIP Call Girls in Anantapurgragmanisha42
 
❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF ...
❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF  ...❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF  ...
❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF ...Gfnyt.com
 
Jalna Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Jalna Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetJalna Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Jalna Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetCall Girls Service
 
Call Now ☎ 9999965857 !! Call Girls in Hauz Khas Escort Service Delhi N.C.R.
Call Now ☎ 9999965857 !! Call Girls in Hauz Khas Escort Service Delhi N.C.R.Call Now ☎ 9999965857 !! Call Girls in Hauz Khas Escort Service Delhi N.C.R.
Call Now ☎ 9999965857 !! Call Girls in Hauz Khas Escort Service Delhi N.C.R.ktanvi103
 

Recently uploaded (20)

Call Girls Chandigarh 👙 7001035870 👙 Genuine WhatsApp Number for Real Meet
Call Girls Chandigarh 👙 7001035870 👙 Genuine WhatsApp Number for Real MeetCall Girls Chandigarh 👙 7001035870 👙 Genuine WhatsApp Number for Real Meet
Call Girls Chandigarh 👙 7001035870 👙 Genuine WhatsApp Number for Real Meet
 
Ernakulam Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Ernakulam Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetErnakulam Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Ernakulam Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
 
Bareilly Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Bareilly Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetBareilly Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Bareilly Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
 
Chandigarh Call Girls 👙 7001035870 👙 Genuine WhatsApp Number for Real Meet
Chandigarh Call Girls 👙 7001035870 👙 Genuine WhatsApp Number for Real MeetChandigarh Call Girls 👙 7001035870 👙 Genuine WhatsApp Number for Real Meet
Chandigarh Call Girls 👙 7001035870 👙 Genuine WhatsApp Number for Real Meet
 
Punjab❤️Call girls in Mohali ☎️7435815124☎️ Call Girl service in Mohali☎️ Moh...
Punjab❤️Call girls in Mohali ☎️7435815124☎️ Call Girl service in Mohali☎️ Moh...Punjab❤️Call girls in Mohali ☎️7435815124☎️ Call Girl service in Mohali☎️ Moh...
Punjab❤️Call girls in Mohali ☎️7435815124☎️ Call Girl service in Mohali☎️ Moh...
 
bhubaneswar Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
bhubaneswar Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meetbhubaneswar Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
bhubaneswar Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
 
Enjoyment ★ 8854095900 Indian Call Girls In Dehradun 🍆🍌 By Dehradun Call Girl ★
Enjoyment ★ 8854095900 Indian Call Girls In Dehradun 🍆🍌 By Dehradun Call Girl ★Enjoyment ★ 8854095900 Indian Call Girls In Dehradun 🍆🍌 By Dehradun Call Girl ★
Enjoyment ★ 8854095900 Indian Call Girls In Dehradun 🍆🍌 By Dehradun Call Girl ★
 
Call Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service Available
 
(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...
(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...
(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...
 
❤️♀️@ Jaipur Call Girl Agency ❤️♀️@ Manjeet Russian Call Girls Service in Jai...
❤️♀️@ Jaipur Call Girl Agency ❤️♀️@ Manjeet Russian Call Girls Service in Jai...❤️♀️@ Jaipur Call Girl Agency ❤️♀️@ Manjeet Russian Call Girls Service in Jai...
❤️♀️@ Jaipur Call Girl Agency ❤️♀️@ Manjeet Russian Call Girls Service in Jai...
 
Nanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Nanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetNanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Nanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
 
❤️♀️@ Jaipur Call Girls ❤️♀️@ Meghna Jaipur Call Girls Number CRTHNR Call G...
❤️♀️@ Jaipur Call Girls ❤️♀️@ Meghna Jaipur Call Girls Number CRTHNR   Call G...❤️♀️@ Jaipur Call Girls ❤️♀️@ Meghna Jaipur Call Girls Number CRTHNR   Call G...
❤️♀️@ Jaipur Call Girls ❤️♀️@ Meghna Jaipur Call Girls Number CRTHNR Call G...
 
ooty Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
ooty Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meetooty Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
ooty Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
 
Hubli Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Hubli Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetHubli Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Hubli Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
 
Ozhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Ozhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetOzhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Ozhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
 
Call Girls Service Anantapur 📲 6297143586 Book Now VIP Call Girls in Anantapur
Call Girls Service Anantapur 📲 6297143586 Book Now VIP Call Girls in AnantapurCall Girls Service Anantapur 📲 6297143586 Book Now VIP Call Girls in Anantapur
Call Girls Service Anantapur 📲 6297143586 Book Now VIP Call Girls in Anantapur
 
❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF ...
❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF  ...❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF  ...
❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF ...
 
Jalna Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Jalna Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetJalna Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Jalna Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
 
Call Now ☎ 9999965857 !! Call Girls in Hauz Khas Escort Service Delhi N.C.R.
Call Now ☎ 9999965857 !! Call Girls in Hauz Khas Escort Service Delhi N.C.R.Call Now ☎ 9999965857 !! Call Girls in Hauz Khas Escort Service Delhi N.C.R.
Call Now ☎ 9999965857 !! Call Girls in Hauz Khas Escort Service Delhi N.C.R.
 
9316020077📞Goa Call Girls Numbers, Call Girls Whatsapp Numbers Goa
9316020077📞Goa  Call Girls  Numbers, Call Girls  Whatsapp Numbers Goa9316020077📞Goa  Call Girls  Numbers, Call Girls  Whatsapp Numbers Goa
9316020077📞Goa Call Girls Numbers, Call Girls Whatsapp Numbers Goa
 

Medical Image segmentation from dl .pptx

  • 2. Project Objectives  To develop a deep learning model to accurately segment brain tumors in MRI images.  To ensure the model's reliability and performance across diverse datasets and imaging conditions.  To demonstrate the model's practical utility in assisting medical professionals with tumor detection and treatment planning.  To compare the model's performance against established segmentation methods to validate its effectiveness and potential clinical impact. 10-02-2024 2
  • 3. Need of the project  Improved Diagnosis: Automating brain tumor segmentation in MRI images streamlines the diagnostic process, aiding healthcare professionals in detecting tumors earlier and more accurately.  Time Efficiency: Manual segmentation is time-consuming and requires specialized skills. Automated segmentation models save time and resources, allowing medical staff to focus on patient care.  Enhanced Treatment Planning: Accurate segmentation helps in precise treatment planning, including surgery, radiation therapy, and chemotherapy, leading to better outcomes for patients with brain tumors.  Access to Healthcare: By developing accessible and reliable segmentation tools, the project aims to improve healthcare accessibility, especially in regions with limited medical resources or expertise, ultimately benefiting a larger population of patients. 10-02-2024 Design and Implementation of Fractional Order IMC Controller for Nonlinear Process 3
  • 4. Data Acquisition and Preprocessing Model Development Training and Validation: Process Visualization and Interpretation Scope of the work Performance Analysis 10-02-2024 4
  • 5. Work Progress Project Work completed First review Model Model Development: Explored different deep learning architectures. Conducted initial model experiments. Data Preprocessing: Collected MRI datasets. Started preprocessing tasks like resizing and normalization. Training Preparation: Set up initial training pipeline. Defined basic data augmentation techniques. Second review Model Training: Completed initial model training. Monitored training progress and performance. Evaluation: Evaluated models using standard metrics. Analyzed model accuracy and performance. Visualization: Visualized segmentation results. Examined model outputs forinterpretation. Third review Model Refinement: Made adjustments based on training insights. Fine-tuned model hyperparameters. Documentation: Documented model architecture and training procedures. Prepared initial project documentation. Next Steps: Discussed future research directions. Identified areas for improvement and collaboration 10-02-2024 5
  • 6. 10-02-2024 6  Challenge: Manual segmentation of brain tumors in MRI images is time- consuming and prone to errors.  Objective: Develop a deep learning model for accurate and efficient automated segmentation.  Purpose: Assist medical professionals in early diagnosis and treatment planning, enhancing patient outcomes.  Approach: Leveraging deep learning techniques to analyze MRI data and identify tumor regions.  Impact: Revolutionize brain tumor detection, streamline healthcare workflows, and improve patient care.  Ethical Considerations: Prioritize patient privacy, data security, and responsible deployment of AI technology in healthcare. INTRODUCTION
  • 8. Proposed metholodgy 1.Data Acquisition & Preprocessing: •Obtain MRI datasets with brain images and tumor masks. •Preprocess data by resizing, normalizing, and addressing artifacts. 2.Model Selection & Training: •Explore deep learning architectures like U-Net or DeepLabv3+. •Train the selected model using a split dataset (training, validation, test). 3.Evaluation Metrics & Validation: •Assess model performance using metrics like Dice coefficient and IoU. •Validate model accuracy, sensitivity, and specificity. 4.Hyperparameter Tuning & Data Augmentation: •Tune hyperparameters (learning rates, batch sizes). •Apply data augmentation (rotation, flipping) to enhance model generalization. 5.Visualization & Interpretation: •Visualize segmentation results by overlaying predicted masks. •Interpret model outputs for accuracy and improvement insights. 6.Documentation & Reporting: •Document methodology, architecture, and training process. •Prepare a comprehensive report for reproducibility and future research. Impact: Streamline brain tumor diagnosis, improve treatment planning, and advance medical imaging technology. Ethical Considerations: Prioritize patient privacy, data security, and responsible AI deployment in healthcare. 10-02-2024 8
  • 9. Algorithm  Convolutional Neural Networks (CNNs): CNNs are a class of deep neural networks commonly used for image classification and segmentation tasks. In this project, a CNN architecture is employed for brain tumor segmentation in MRI images.  Loss Functions: Binary Cross-Entropy loss is used as the loss function for training the CNN model. This loss function is commonly used in binary classification tasks.  Data Augmentation: Data augmentation techniques such as random flipping, rotation, and zooming are applied to the training dataset. Data augmentation helps increase the diversity of training samples and improve the robustness of the model.  Class Weighting: Class weights are computed to handle class imbalance in the dataset. Class weights are used during training to give more importance to underrepresented classes.  Vision Transformers (ViT): ViT is a transformer-based architecture originally proposed for natural language processing tasks but adapted for image classification. In this project, ViT is explored as an alternative architecture for brain tumor segmentation.  Optimization Algorithm: The Adam optimizer is used to optimize the CNN model during training. Adam is an adaptive learning rate optimization algorithm that is widely used in training deep neural networks. 10-02-2024 9
  • 10. Pseudocode 10 Here are the headings for each section of the simplified pseudocode: Medical Image Segmentation for Brain Tumor Detection 1.Import Libraries 2.Define Parameters 3.Data Preprocessing 4.Model Architecture 5.Compile Model 6.Model Training 7.Model Evaluation 8.Fine-tuning (Optional) 9.Documentation 10.Conclusion
  • 11. Result Analysis  Result Analysis Techniques  Accuracy & Loss Curves  Track model performance over epochs.  Identify overfitting or underfitting.  Confusion Matrix  Evaluate classification model performance.  Summarize correct/incorrect predictions by class.  Classification Report  Provide precision, recall, F1-score metrics.  Assess model performance comprehensively.  Intersection over Union (IoU)  Measure segmentation mask overlap.  Evaluate accuracy of segmentation.  Dice Coefficient  Assess similarity between samples.  Useful for binary segmentation tasks.  F1-Score  Harmonic mean of precision and recall.  Balanced measure of model performance.  Visual Inspection  Overlay predicted masks on MRI images.  Validate segmentation accuracy visually 10-02-2024 11
  • 12. SUMMARY  Project Overview:  Objective: Develop a deep learning model for automatic brain tumor segmentation in MRI images.  Aim: Assist medical professionals in early diagnosis and treatment planning.  Approach:  Utilize Convolutional Neural Networks (CNNs) and Vision Transformers (ViT) for image segmentation.  Train the model on MRI brain images with corresponding tumor segmentation masks.  Implementation:  Data preprocessing: Resize, normalize, and augment images.  Model development: CNN with convolutional and dense layers, ViT with patch creation and encoding.  Evaluation: Assess model accuracy and performance using appropriate metrics.  Tools Used:  Libraries: TensorFlow, OpenCV, NumPy, Matplotlib, Pandas, scikit-learn.  Frameworks: Keras, TensorFlow-Addons.  Outcome:  Improved early detection and treatment planning for brain tumors.  Potential to enhance patient outcomes and streamline medical diagnosis processes.  Conclusion:  Medical image segmentation with deep learning offers promising avenues for healthcare advancement.  Collaboration between technology and medicine can revolutionize diagnostic practices. 10-02-2024 12
  • 13. Acknowledgement  Acknowledgements:  We would like to express our gratitude to the following individuals, organizations, and sources for their contributions and support during the development of this project:  Kaggle: We acknowledge brain Tumor Dataset for providing the brain tumor detection dataset used in this project.  - Libraries and Tools: We extend our appreciation to the developers and contributors of TensorFlow, OpenCV, NumPy, PIL, scikit-learn, and other libraries and tools used in this project for their invaluable contributions to the field of deep learning and image processing.  - Inspiration and References: We are thankful to the authors of [Reference Papers or Projects] for their pioneering work in medical image segmentation and brain tumor detection, which served as inspiration and references during the development of our model.  - Classmates, Mentors, or Advisors: We would like to thank for their support, guidance, and feedback during the course of this project.  - Institution or Organization: This project was conducted as part of [Name of Institution or Organization]. We acknowledge Ramco Institute of Technology for providing resources, facilities, and support for this research. 10-02-2024 13