SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 203
Convolutional Neural Network Based Method for
Accurate Brain Tumor Detection in MRI Images with Improved
Robustness
Rekha S 1, Lathika S 2, Vishnu Priya G 3,Aarthi R 4, Manikumar R 5
1,2,3,4 Final Year BE Student, Department of Electronics and Communication Engineering.
5 Assistant professor, Department of Electronics and Communication Engineering.
1,2,3,4,5 Government College of Engineering (Autonomous), Bargur, Krishnagiri, Tamil Nadu, India.
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract -The accurate detection of brain tumor in
Magnetic Resource Imaging (MRI) remains a critical task in
the field of medical image analysis. This research introduces a
novel deep learning approach using Conventional Neural
Network (CNN) for accurate and predictable brain tumor
detection in MRI images. Leveraging the power of CNNs, the
proposed method achieves enhanced accuracy in identifying
tumor boundaries and differentiating tumor regions from
healthy brain tissue. Experimental results, obtained using a
various dataset comprising a large number of annotated MRI
images, demonstrate the superiorperformanceoftheproposed
method compared to existing state of the art approaches. The
achieved accuracy, efficiency and specificity validate the
effectiveness of the CNN – based method for accurate brain
tumor detection, thus showcasing its potential as a valuable
tool for reliable clinical decision-making and improved
robustness outcomes.
Key Words: Convolutional Neural Networks, Brain
Tumor detection, MRI Images
1.INTRODUCTION
In recent years, the advancement of Convolutional Neural
Network (CNN) technologies has revolutionized the domain
of medical image analysis, particularly in the field of brain
tumor detection. Magnetic Resonance Imaging (MRI) has
emerged as a pivotal diagnostic tool, providing detailed
insights into brain abnormalities.
This study presents a pioneering approach that harnesses
the power of CNN-based methodologies for the precise
detection of brain tumors in MRI images. The primary
objective is to enhance the accuracy and robustness of
existing detection systems, thereby improving diagnostic
efficiency and reducing the likelihood of misdiagnosis.
Primary brain tumors continue to be relatively insensitive to
cancer treatments like radiation and chemotherapy.
The term “Cancer” is generally not applied to brain tumors
since they are not equivalent to most othermalignanciesthat
cause damage and ultimately death through metastasis.
The proposed methodology not only seeks to achieve
superior accuracy in tumor localization and segmentation
but also prioritizes the development of a robust and
adaptable system capable of handling diverse clinical
scenarios. This research aspires to set a new standard in the
domain of brain tumor detection, ultimately contributing to
improved patient outcomes and more effective clinical
decision-making.
2. INTRODUCTION TO CONVOLUTIONAL NEURAL
NETWORK:
The Convolutional Neural Network (CNN)isaspecialized
type of deep neural network designed for processing and
analysing structured grid-like data. It is particularlypowerful
for processing visual data such as images and videos. The
fundamental architecture of a CNN includes convolutional
layers, pooling layers, and fully connected layers.
One of the key strengths of CNNs lies in their ability to
learn spatial hierarchies of features, enabling them to
discern complex patterns and structures within the data.
Through the integration of multiple convolutional and fully
connected layers, CNNs can progressively extract high-level
representations, thereby facilitating the classification and
understanding of intricate visual information. CNNs have
proven to be highly effective in tasks such as image
recognition, object detection, imagesegmentation,andmore.
From enabling autonomous vehicles to perceive their
surroundings to facilitating the identification of diseases in
medical imaging, CNNs have revolutionized numerous
industries, underscoring their profound impact on modern
technological advancements.
Their ability to automatically learn hierarchical
representations from raw data and their capacity to capture
spatial dependencies make them well-suited for various
computer vision applications.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 204
Fig- 1: Schematic diagram of a basic convolutional neural
network (CNN) architecture
2.1 Input Layer:
The Input Layer receives the raw image data, where each
pixel’s intensity value serves as the initial input to the
network. The dimensions of this layer correspondtothesize
of the input image.
2.2 Convolutional Layers:
The Convolutional Layer applies a setoflearnablefiltersto
the input image. These filter, alsoknownasfeaturedetectors,
slide over the input performing element -wisemultiplication
and aggregation to capture specific patterns, such as edges,
textures or other visual features.
2.3 Activation Functions:
The Rectified Linear Unit (ReLU) activation layer
introduces non-linearity into the network betweentheinput
and output and helping it learn complex patterns and
relationships in the data.
2.4 Pooling Layers:
Pooling Layers reduces the spatial dimensions of the
feature maps, effectively down-sampling the data. Common
pooling operations include maxpoolingandaveragepooling,
which consolidate the most significant information while
reducing the computational load.
2.5 Fully Connected Layers:
Fully Connected Layers connect every neuroninonelayer
to every neuron in the next layer. These layers process the
high-level features obtained from the previouslayersandare
responsible for learning complex patterns in the data. They
contribute to the network’s ability to perform classification
and regression tasks.
2.6 Output Layer:
Output Layer produces the final predictions or outputs of
the network such as classificationprobabilitiesorregression
values, depending on the specific task the CNN is designed
for Depending on the task, the output layer may consist of
one or more neurons, with each neuron, representing a
specific class or target value.
3. OBJECT DECTECTION
Brain tumor detection refers to the process of identifying
the presence of abnormal growth or mass within the brain.
These tumors can be either benign (non-cancerous0 or
malignant (cancerous) and can arise from various types of
cells within the brain. Early detection of brain tumors is
crucial for timely treatment and improvedpatientoutcomes.
3.1 IMAGING TESTS:
MRI (Magnetic Resonance Imaging): This is one of the most
sensitive imaging techniques for identifying brain tumors. It
provides detailed images of the brain and can detect even
small tumors.
CT (Computed Tomography) scan: It is often used to
identify and abnormalities in the brain structure. Although it
may not be as sensitive as MRI, it is useful for initial
screening and can detect certain types of tumors.
3.2 Brain tumor detection using CNN:
Data collection and preprocessing: Gather a dataset of
brain MRI images with tumor and non-tumor labels.
Preprocess the images by resizing them to a uniform size,
normalizing pixel values and applying any necessary
augmentation techniques to increase the diversity of the
data.
Building a CNN model:DesignaCNNarchitecturesuitable
for image classification tasks. This typically includes
combinations of convolutional layers and fully connected
layers. Choose an appropriate loss function and an
optimization algorithm for training the model.
Training the CNN model: Evaluate thetrainedmodel ona
separate test dataset to assess its performance accurately.
Calculate metrics such as accuracy, precision, recall, and
efficiency in tumor detection.
3.3 Real-Time Performance:
Real-time performance in the context of brain tumor
detection typically refers to the speed and accuracy to
ensure reliable and precise results at which a system can
identify and analyse potential tumors in the brain.
Real-time performance is critical in the field of brain
tumor detection as it allows for timely and accurate
diagnosis, leading to better patient outcomes and improved
treatment planning. Ongoing research and technological
advancements continue to improve the real-time
performance of brain tumor systems.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 205
4. SYSTEM ARCHITECTURE
Fig -2: Block Diagram of Proposed system
4.1 Upload the brain images:
Gather a dataset of brain MRI images with tumor and
nontumor labels to detect and classify and can use publicly
available datasets like Brain Tumor Segmentation dataset.
4.2 Preprocessing:
In this module we convert the RGB image into grey scale
image before preprocessing. Preprocessing the images by
resizing them to a uniform size,normalizingpixelvaluesand
applying any necessary augmentation techniques (e.g.,
rotation, cropping, zooming, etc.,) toincreasethediversityof
the data.
4.3 Noise removal and irrelevant feature removal:
Remove the noises from images by using filter
techniques. The goal of the filter is to filteroutnoisethathas
corrupted image. Gaussian filter is a low pass filter for
removal of noises from the MRI images and blurringregions
of an image.
4.4 Feature extraction:
Feature extraction is the approximate reasoning method
to observe the tumor shape and position in MRIimageusing
edge detection method.
4.5 CNN algorithm:
The CNN algorithm shows the promising results in brain
tumor detection. The data attained high statistical accuracy,
precision, efficiency of tumor identification, aiding medical
professionals in making timely and accurate diagnoses for
detecting brain tumors from MRIs.
4.6 Patch extraction:
Patch extraction is the process of dividing the
preprocessed brain MRI images into smaller and localized
regions or patches to analyse and detecting tumors.
4.7 Normal and Abnormal detection:
After the patch extraction process the brain images are
detected it is normal or abnormal and it’s analysed by
imaging modalities such as MRI, CT scans or PET scans.
These techniques aid in the accurate and timelydiagnosisof
brain tumors, facilitating prompt medical intervention and
treatment planning.
4.8 Statistical region merging techniques:
Statistical region merging aims to propose a path and
provide extensions to miscellaneous problems related to
image segmentation. Resulting in a smaller list and a greater
number of information is collected and compared with the
database and finally abnormality can be detected.
4.9 Disease detection:
Disease detection often involves the identification of
various types of abnormalities, such as tumor, edema and
other pathological conditions.
4.10 Performance evaluation:
It can evaluate the performance to analyse the
effectiveness of our proposed algorithm. Accuracy metric is
used to evaluate the performance of the system. It can be
measured using truly classified pixels.
5. PROPOSED METHOD- CNN (Convolutional
Neural Network)
CNN are a class of deep neural networks commonly
applied to analysing visual imagery. Developing a CNN for
brain tumor detecting using MRI imagesinvolvesseveral key
steps.
5.1 Data Collection and Preprocessing:
Gather a diverse set of MRI images with labelled tumor
regions. Preprocess the images to enhance contrast,remove
noise, and standardize dimensions.
5.2 Data Augmentation:
Augment the dataset with techniques like rotation,
flipping and zooming to increasetherobustnessofthemodel
and prevent overfitting.
5.3 Model Architecture Design:
Choose an appropriate CNN architecture. Configure the
layers including convolutional, pooling and fully connected
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 206
layers, with appropriate activation functions like ReLU and
normalization layers.
5.4 Training the Model:
Divide the dataset into training and validation sets. Train
the CNN using backpropagationandoptimizationalgorithms
like Stochastic Gradient Descent or Adam. Monitor the
performance metrics like loss and accuracy.
5.5 Hyperparameter Tuning:
Optimize hyperparameters like learning rate, batch size
and regularization techniques such as dropout to improve
model performance.
5.6 Evaluation and Validation:
Evaluate the trained model on a separate test dataset to
assess its generalization capability. Calculate metrics such as
accuracy, precision, recall and F1 score to measure the
model’s performance.
5.7 Interpretability and Visualization:
Utilize techniques like Grad-CAM to understand which
parts of the image the model focuses on during the
classification process, aiding in interpretability and trust.
5.8 Deployment and Integration:
Integrate the trained model into a user-friendly
application for seamless use by healthcare professionals.
Ensure compliance with medical regulations and ethical
considerations.
5.9 Continual Improvement:
Continuously update the model with new data and
monitor its performance over time to adapt to changes in
the distribution of data.
5.10 Ethical Considerations:
Ensure patient data privacy and compliance with
regulations such as HIPAA. Communicate clearly the
limitations and potential biases of the model to healthcare
practitioners for responsible use.
6. MRI – MAGENTIC RESONANCE IMAGING
MRI (Magnetic Resonance Imaging) plays a crucial role in
brain tumor detection. By utilizing powerful magnetic fields
and radio waves, MRI provides detailed images of the brain’s
internal structure, enabling to identify the abnormalitieslike
tumors. The process involves:
6.1 Image Acquisition:
During the MRI scan, a patient lies within a large,
cylindrical magnet. Radio waves are used to stimulate the
body’s hydrogen atoms, and the energy emitted by these
atoms is detected by the MRI machine to create detailed
images of the brain.
6.2 Tumor Identification:
Trained radiologists examine theseMRIimagestoidentify
potential abnormalities in the brain, such as tumor masses
or irregularities in tissue structure.Itcharacterizingthetype,
size, location, and extent of the tumor, which is crucial for
treatment planning and monitoring the progression of the
disease.
6.3 Classification and Diagnosis:
Radiologists use various imaging sequences such as
T1weighted, T2-weighted, and contrast-enhanced images to
distinguish between different types of tumors (e.g., gliomas,
meningiomas, metastatic tumors). The images help in
understanding the location, size, and characteristics of the
tumor.
6.4 Distinguishing Tumor from Healthy Tissue:
By contrasting different tissue types, MRI helps
differentiate between healthy brain tissue and abnormal
tumor tissue.
6.5 Integration with AI:
Advanced AI and machine learning techniques, including
Convolutional Neural Networks (CNNs) and image
segmentation algorithms, can assist radiologists in
automating the detection and classification process, leading
to more accurate and timely diagnoses.
6.6 High Resolution Imaging:
MRI provides high-resolution images of the brain,
allowing for detailed visualization of the structure and any
abnormalities, including tumors.
6.7 Monitoring Treatment Response:
It allows healthcare providers to monitor the effects of
treatments, such as surgery, chemotherapy and radiation
therapy, by tracking changes in the tumor size.
6.8 Non-Invasive Nature:
MRI is non-invasive and does not involve the use of ionizing
radiation, making it a safer option for repeated imaging
when compared to other imaging modalities like CT scan
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 207
7. SOFTWARE USED-MATLAB
MATLAB is an abbreviation for “Matrixlaboratory”.MATLAB
is a popular programming language designed for engineers
and scientists to express matrix and array directly and it is a
numeric computing platform. It is used for a variety of
application, including data analysis, algorithm development,
modelling, simulation, and prototyping. It is widely used in
academic and research institutions, as well as in industry for
tasks such as signal processing, image processing, control
systems and communications.
8. OUTPUT SCREENSHOTS
8.1 INPUT IMAGE:
8.2 FILTERED IMAGE:
8.3 TUMOR CLASSIFICATION:
8.4 ERODED IMAGE:
8.5 TUMOR OUTLINE:
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 208
8.6 DETECTED TUMOR:
8.7 PERFORMANCE EVALUATION:
8.8 HISTOGRAM OF FILTERED IMAGE:
9. FUTURE WORK
Now we use the 2D convolution method of brain images. In
future work we can extend our work to implement this
approach in advance 3D and 4D images with improved
various segmentationalgorithmstopredicttheneuronstates
of brain images. MRI image of tumor diseases in brain
images with improved accuracy rate and easily find out the
disease and predict.
10. CONCLUSIONS
In conclusion, our project on CNN based method for
accurate brain tumor detection in MRI images demonstrate
significant promise, offering improved robustness and
reliability in identifying potential malignancies. The training
accuracy of the proposed 2D CNN was found to be 98% and
the training accuracy of the proposed network wasfound by
96%.
By harnessing the power of convolutional neural networks,
this approach showcases a sophisticatedmeansofanalysing
complex imaging data, paving the way of enhanced precision
in the diagnosis and treatment of brain tumors.
As technology continues to advance, this method holds the
potential to revolutionize the field of medical imaging,
providing clinicians with a vital tool for early and accurate
detection, ultimately leading to more timely interventions
and improved patient outcomes.
REFERENCES
1. E. M. Haacke et al., “Susceptibility weighted imaging
(SWI),” Magn. Reson. Med., vol. 52, no. 3, pp. 612–8, Sep.
2004.
2. E. M. Haacke et al., “Susceptibility-weightedimaging:
Technical aspects and clinical applications, Part1,”AJNRAm.
J. Neuroradiol., vol. 30, no. 1, pp. 19–30, Jan. 2009.
3. S. Beriaultetal., “Neuronavigationalusing
susceptibility-weighted venography: Application to deep
brain stimulation andcomparisonwithgadoliniumcontrast,”
J. Neurosurg., vol. 121, no. 1, pp. 131–41, 2014.
4. D. Lesage et al., “A review of 3D vessel lumen
segmentation techniques: Models, features and extraction
schemes,” Med. Image Anal., vol. 13, no. 6, pp. 819–45, Dec.
2009.
5. Kirbas and F. Quek, “A review of vessel extraction
techniques and algorithms,” ACM Comput. Surv., vol. 36, no.
2, pp. 81–121, 2004.
6. L. Wilson and J. A. Noble, “An adaptive segmentation
algorithm for time-of-flight MRA data,” IEEE Trans.Med.
Imag., vol. 18, no. 10, pp. 938–45, Oct. 1999.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 209
7. M. S. Hassouna et al., “Cerebrovascularsegmentation
from TOF using stochastic models,” Med. Image Anal., vol. 10,
no. 1, pp. 2–18, Feb. 2006.
8. J. T. Hao, M. L. Li, and F. L. Tang, “Adaptive
segmentation of cerebrovascular tree in time-of-flight
magnetic resonance angiography,” Med. Biol. Eng. Comput.,
vol. 46, no. 1, pp. 75–83, Jan. 2008.
9. S. Zhou et al., “Segmentation of brain magnetic
resonance angiography images based on MAP-MRF with
multi-pattern neighborhood system and approximation of
regularization coefficient,”Med.ImageAnal.,vol.17,no.8, pp.
1220–35, Dec. 2013.
10. M. S. Hassouna et al., “Statistical cerebrovascular
segmentation for phase-contrast MRA data,” in Proc. Int.
Conf. Biomed. Eng., 2002, pp. 101–105.

More Related Content

Similar to Convolutional Neural Network Based Method for Accurate Brain Tumor Detection in MRI Images with Improved Robustness

The IoT and registration of MRI brain diagnosis based on genetic algorithm an...
The IoT and registration of MRI brain diagnosis based on genetic algorithm an...The IoT and registration of MRI brain diagnosis based on genetic algorithm an...
The IoT and registration of MRI brain diagnosis based on genetic algorithm an...
nooriasukmaningtyas
 
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
IRJET Journal
 
IRJET- Novel Approach for Detection of Brain Tumor :A Review
IRJET-  	  Novel Approach for Detection of Brain Tumor :A ReviewIRJET-  	  Novel Approach for Detection of Brain Tumor :A Review
IRJET- Novel Approach for Detection of Brain Tumor :A Review
IRJET Journal
 
Breast Cancer Detection using Convolution Neural Network
Breast Cancer Detection using Convolution Neural NetworkBreast Cancer Detection using Convolution Neural Network
Breast Cancer Detection using Convolution Neural Network
IRJET Journal
 
IRJET - Detection of Heamorrhage in Brain using Deep Learning
IRJET - Detection of Heamorrhage in Brain using Deep LearningIRJET - Detection of Heamorrhage in Brain using Deep Learning
IRJET - Detection of Heamorrhage in Brain using Deep Learning
IRJET Journal
 
Brain Tumor Detection Using Deep Learning
Brain Tumor Detection Using Deep LearningBrain Tumor Detection Using Deep Learning
Brain Tumor Detection Using Deep Learning
IRJET Journal
 
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
IRJET Journal
 
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 Journal
 
Deep Learning based Multi-class Brain Tumor Classification
Deep Learning based Multi-class Brain Tumor ClassificationDeep Learning based Multi-class Brain Tumor Classification
Deep Learning based Multi-class Brain Tumor Classification
IRJET Journal
 
IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...
IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...
IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...
IRJET Journal
 
IRJET - Fusion of CT and MRI for the Detection of Brain Tumor by SWT and Prob...
IRJET - Fusion of CT and MRI for the Detection of Brain Tumor by SWT and Prob...IRJET - Fusion of CT and MRI for the Detection of Brain Tumor by SWT and Prob...
IRJET - Fusion of CT and MRI for the Detection of Brain Tumor by SWT and Prob...
IRJET Journal
 
Prediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep LearningPrediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep Learning
IRJET Journal
 
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
IRJET Journal
 
IRJET- Image Classification using Deep Learning Neural Networks for Brain...
IRJET-  	  Image Classification using Deep Learning Neural Networks for Brain...IRJET-  	  Image Classification using Deep Learning Neural Networks for Brain...
IRJET- Image Classification using Deep Learning Neural Networks for Brain...
IRJET Journal
 
Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...
Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...
Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...
IRJET Journal
 
IRJET- Brain Tumor Detection using Deep Learning
IRJET- Brain Tumor Detection using Deep LearningIRJET- Brain Tumor Detection using Deep Learning
IRJET- Brain Tumor Detection using Deep Learning
IRJET Journal
 
Intracranial-Tumor Detection and Classification System using Convnet and Tran...
Intracranial-Tumor Detection and Classification System using Convnet and Tran...Intracranial-Tumor Detection and Classification System using Convnet and Tran...
Intracranial-Tumor Detection and Classification System using Convnet and Tran...
IRJET Journal
 
BRAIN TUMOR DETECTION
BRAIN TUMOR DETECTIONBRAIN TUMOR DETECTION
BRAIN TUMOR DETECTION
IRJET Journal
 
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET Journal
 
MINI PROJECT (1).pptx
MINI PROJECT (1).pptxMINI PROJECT (1).pptx
MINI PROJECT (1).pptx
MohammadJahangir25
 

Similar to Convolutional Neural Network Based Method for Accurate Brain Tumor Detection in MRI Images with Improved Robustness (20)

The IoT and registration of MRI brain diagnosis based on genetic algorithm an...
The IoT and registration of MRI brain diagnosis based on genetic algorithm an...The IoT and registration of MRI brain diagnosis based on genetic algorithm an...
The IoT and registration of MRI brain diagnosis based on genetic algorithm an...
 
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
 
IRJET- Novel Approach for Detection of Brain Tumor :A Review
IRJET-  	  Novel Approach for Detection of Brain Tumor :A ReviewIRJET-  	  Novel Approach for Detection of Brain Tumor :A Review
IRJET- Novel Approach for Detection of Brain Tumor :A Review
 
Breast Cancer Detection using Convolution Neural Network
Breast Cancer Detection using Convolution Neural NetworkBreast Cancer Detection using Convolution Neural Network
Breast Cancer Detection using Convolution Neural Network
 
IRJET - Detection of Heamorrhage in Brain using Deep Learning
IRJET - Detection of Heamorrhage in Brain using Deep LearningIRJET - Detection of Heamorrhage in Brain using Deep Learning
IRJET - Detection of Heamorrhage in Brain using Deep Learning
 
Brain Tumor Detection Using Deep Learning
Brain Tumor Detection Using Deep LearningBrain Tumor Detection Using Deep Learning
Brain Tumor Detection Using Deep Learning
 
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
 
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
 
Deep Learning based Multi-class Brain Tumor Classification
Deep Learning based Multi-class Brain Tumor ClassificationDeep Learning based Multi-class Brain Tumor Classification
Deep Learning based Multi-class Brain Tumor Classification
 
IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...
IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...
IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...
 
IRJET - Fusion of CT and MRI for the Detection of Brain Tumor by SWT and Prob...
IRJET - Fusion of CT and MRI for the Detection of Brain Tumor by SWT and Prob...IRJET - Fusion of CT and MRI for the Detection of Brain Tumor by SWT and Prob...
IRJET - Fusion of CT and MRI for the Detection of Brain Tumor by SWT and Prob...
 
Prediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep LearningPrediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep Learning
 
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
 
IRJET- Image Classification using Deep Learning Neural Networks for Brain...
IRJET-  	  Image Classification using Deep Learning Neural Networks for Brain...IRJET-  	  Image Classification using Deep Learning Neural Networks for Brain...
IRJET- Image Classification using Deep Learning Neural Networks for Brain...
 
Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...
Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...
Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...
 
IRJET- Brain Tumor Detection using Deep Learning
IRJET- Brain Tumor Detection using Deep LearningIRJET- Brain Tumor Detection using Deep Learning
IRJET- Brain Tumor Detection using Deep Learning
 
Intracranial-Tumor Detection and Classification System using Convnet and Tran...
Intracranial-Tumor Detection and Classification System using Convnet and Tran...Intracranial-Tumor Detection and Classification System using Convnet and Tran...
Intracranial-Tumor Detection and Classification System using Convnet and Tran...
 
BRAIN TUMOR DETECTION
BRAIN TUMOR DETECTIONBRAIN TUMOR DETECTION
BRAIN TUMOR DETECTION
 
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
 
MINI PROJECT (1).pptx
MINI PROJECT (1).pptxMINI PROJECT (1).pptx
MINI PROJECT (1).pptx
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
IRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
IRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
IRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
IRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
IRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
IRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
IRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
IRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Dr.Costas Sachpazis
 
Planning Of Procurement o different goods and services
Planning Of Procurement o different goods and servicesPlanning Of Procurement o different goods and services
Planning Of Procurement o different goods and services
JoytuBarua2
 
Gen AI Study Jams _ For the GDSC Leads in India.pdf
Gen AI Study Jams _ For the GDSC Leads in India.pdfGen AI Study Jams _ For the GDSC Leads in India.pdf
Gen AI Study Jams _ For the GDSC Leads in India.pdf
gdsczhcet
 
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdfTop 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Teleport Manpower Consultant
 
ASME IX(9) 2007 Full Version .pdf
ASME IX(9)  2007 Full Version       .pdfASME IX(9)  2007 Full Version       .pdf
ASME IX(9) 2007 Full Version .pdf
AhmedHussein950959
 
RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...
RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...
RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...
thanhdowork
 
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&BDesign and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Sreedhar Chowdam
 
H.Seo, ICLR 2024, MLILAB, KAIST AI.pdf
H.Seo,  ICLR 2024, MLILAB,  KAIST AI.pdfH.Seo,  ICLR 2024, MLILAB,  KAIST AI.pdf
H.Seo, ICLR 2024, MLILAB, KAIST AI.pdf
MLILAB
 
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
MdTanvirMahtab2
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation & Control
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
FluxPrime1
 
Final project report on grocery store management system..pdf
Final project report on grocery store management system..pdfFinal project report on grocery store management system..pdf
Final project report on grocery store management system..pdf
Kamal Acharya
 
CFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptx
CFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptxCFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptx
CFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptx
R&R Consult
 
NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...
NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...
NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...
Amil Baba Dawood bangali
 
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
bakpo1
 
Hierarchical Digital Twin of a Naval Power System
Hierarchical Digital Twin of a Naval Power SystemHierarchical Digital Twin of a Naval Power System
Hierarchical Digital Twin of a Naval Power System
Kerry Sado
 
Railway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdfRailway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdf
TeeVichai
 
ML for identifying fraud using open blockchain data.pptx
ML for identifying fraud using open blockchain data.pptxML for identifying fraud using open blockchain data.pptx
ML for identifying fraud using open blockchain data.pptx
Vijay Dialani, PhD
 
HYDROPOWER - Hydroelectric power generation
HYDROPOWER - Hydroelectric power generationHYDROPOWER - Hydroelectric power generation
HYDROPOWER - Hydroelectric power generation
Robbie Edward Sayers
 
CME397 Surface Engineering- Professional Elective
CME397 Surface Engineering- Professional ElectiveCME397 Surface Engineering- Professional Elective
CME397 Surface Engineering- Professional Elective
karthi keyan
 

Recently uploaded (20)

Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
 
Planning Of Procurement o different goods and services
Planning Of Procurement o different goods and servicesPlanning Of Procurement o different goods and services
Planning Of Procurement o different goods and services
 
Gen AI Study Jams _ For the GDSC Leads in India.pdf
Gen AI Study Jams _ For the GDSC Leads in India.pdfGen AI Study Jams _ For the GDSC Leads in India.pdf
Gen AI Study Jams _ For the GDSC Leads in India.pdf
 
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdfTop 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
 
ASME IX(9) 2007 Full Version .pdf
ASME IX(9)  2007 Full Version       .pdfASME IX(9)  2007 Full Version       .pdf
ASME IX(9) 2007 Full Version .pdf
 
RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...
RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...
RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...
 
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&BDesign and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
 
H.Seo, ICLR 2024, MLILAB, KAIST AI.pdf
H.Seo,  ICLR 2024, MLILAB,  KAIST AI.pdfH.Seo,  ICLR 2024, MLILAB,  KAIST AI.pdf
H.Seo, ICLR 2024, MLILAB, KAIST AI.pdf
 
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
 
Final project report on grocery store management system..pdf
Final project report on grocery store management system..pdfFinal project report on grocery store management system..pdf
Final project report on grocery store management system..pdf
 
CFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptx
CFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptxCFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptx
CFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptx
 
NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...
NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...
NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...
 
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
 
Hierarchical Digital Twin of a Naval Power System
Hierarchical Digital Twin of a Naval Power SystemHierarchical Digital Twin of a Naval Power System
Hierarchical Digital Twin of a Naval Power System
 
Railway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdfRailway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdf
 
ML for identifying fraud using open blockchain data.pptx
ML for identifying fraud using open blockchain data.pptxML for identifying fraud using open blockchain data.pptx
ML for identifying fraud using open blockchain data.pptx
 
HYDROPOWER - Hydroelectric power generation
HYDROPOWER - Hydroelectric power generationHYDROPOWER - Hydroelectric power generation
HYDROPOWER - Hydroelectric power generation
 
CME397 Surface Engineering- Professional Elective
CME397 Surface Engineering- Professional ElectiveCME397 Surface Engineering- Professional Elective
CME397 Surface Engineering- Professional Elective
 

Convolutional Neural Network Based Method for Accurate Brain Tumor Detection in MRI Images with Improved Robustness

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 203 Convolutional Neural Network Based Method for Accurate Brain Tumor Detection in MRI Images with Improved Robustness Rekha S 1, Lathika S 2, Vishnu Priya G 3,Aarthi R 4, Manikumar R 5 1,2,3,4 Final Year BE Student, Department of Electronics and Communication Engineering. 5 Assistant professor, Department of Electronics and Communication Engineering. 1,2,3,4,5 Government College of Engineering (Autonomous), Bargur, Krishnagiri, Tamil Nadu, India. ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract -The accurate detection of brain tumor in Magnetic Resource Imaging (MRI) remains a critical task in the field of medical image analysis. This research introduces a novel deep learning approach using Conventional Neural Network (CNN) for accurate and predictable brain tumor detection in MRI images. Leveraging the power of CNNs, the proposed method achieves enhanced accuracy in identifying tumor boundaries and differentiating tumor regions from healthy brain tissue. Experimental results, obtained using a various dataset comprising a large number of annotated MRI images, demonstrate the superiorperformanceoftheproposed method compared to existing state of the art approaches. The achieved accuracy, efficiency and specificity validate the effectiveness of the CNN – based method for accurate brain tumor detection, thus showcasing its potential as a valuable tool for reliable clinical decision-making and improved robustness outcomes. Key Words: Convolutional Neural Networks, Brain Tumor detection, MRI Images 1.INTRODUCTION In recent years, the advancement of Convolutional Neural Network (CNN) technologies has revolutionized the domain of medical image analysis, particularly in the field of brain tumor detection. Magnetic Resonance Imaging (MRI) has emerged as a pivotal diagnostic tool, providing detailed insights into brain abnormalities. This study presents a pioneering approach that harnesses the power of CNN-based methodologies for the precise detection of brain tumors in MRI images. The primary objective is to enhance the accuracy and robustness of existing detection systems, thereby improving diagnostic efficiency and reducing the likelihood of misdiagnosis. Primary brain tumors continue to be relatively insensitive to cancer treatments like radiation and chemotherapy. The term “Cancer” is generally not applied to brain tumors since they are not equivalent to most othermalignanciesthat cause damage and ultimately death through metastasis. The proposed methodology not only seeks to achieve superior accuracy in tumor localization and segmentation but also prioritizes the development of a robust and adaptable system capable of handling diverse clinical scenarios. This research aspires to set a new standard in the domain of brain tumor detection, ultimately contributing to improved patient outcomes and more effective clinical decision-making. 2. INTRODUCTION TO CONVOLUTIONAL NEURAL NETWORK: The Convolutional Neural Network (CNN)isaspecialized type of deep neural network designed for processing and analysing structured grid-like data. It is particularlypowerful for processing visual data such as images and videos. The fundamental architecture of a CNN includes convolutional layers, pooling layers, and fully connected layers. One of the key strengths of CNNs lies in their ability to learn spatial hierarchies of features, enabling them to discern complex patterns and structures within the data. Through the integration of multiple convolutional and fully connected layers, CNNs can progressively extract high-level representations, thereby facilitating the classification and understanding of intricate visual information. CNNs have proven to be highly effective in tasks such as image recognition, object detection, imagesegmentation,andmore. From enabling autonomous vehicles to perceive their surroundings to facilitating the identification of diseases in medical imaging, CNNs have revolutionized numerous industries, underscoring their profound impact on modern technological advancements. Their ability to automatically learn hierarchical representations from raw data and their capacity to capture spatial dependencies make them well-suited for various computer vision applications.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 204 Fig- 1: Schematic diagram of a basic convolutional neural network (CNN) architecture 2.1 Input Layer: The Input Layer receives the raw image data, where each pixel’s intensity value serves as the initial input to the network. The dimensions of this layer correspondtothesize of the input image. 2.2 Convolutional Layers: The Convolutional Layer applies a setoflearnablefiltersto the input image. These filter, alsoknownasfeaturedetectors, slide over the input performing element -wisemultiplication and aggregation to capture specific patterns, such as edges, textures or other visual features. 2.3 Activation Functions: The Rectified Linear Unit (ReLU) activation layer introduces non-linearity into the network betweentheinput and output and helping it learn complex patterns and relationships in the data. 2.4 Pooling Layers: Pooling Layers reduces the spatial dimensions of the feature maps, effectively down-sampling the data. Common pooling operations include maxpoolingandaveragepooling, which consolidate the most significant information while reducing the computational load. 2.5 Fully Connected Layers: Fully Connected Layers connect every neuroninonelayer to every neuron in the next layer. These layers process the high-level features obtained from the previouslayersandare responsible for learning complex patterns in the data. They contribute to the network’s ability to perform classification and regression tasks. 2.6 Output Layer: Output Layer produces the final predictions or outputs of the network such as classificationprobabilitiesorregression values, depending on the specific task the CNN is designed for Depending on the task, the output layer may consist of one or more neurons, with each neuron, representing a specific class or target value. 3. OBJECT DECTECTION Brain tumor detection refers to the process of identifying the presence of abnormal growth or mass within the brain. These tumors can be either benign (non-cancerous0 or malignant (cancerous) and can arise from various types of cells within the brain. Early detection of brain tumors is crucial for timely treatment and improvedpatientoutcomes. 3.1 IMAGING TESTS: MRI (Magnetic Resonance Imaging): This is one of the most sensitive imaging techniques for identifying brain tumors. It provides detailed images of the brain and can detect even small tumors. CT (Computed Tomography) scan: It is often used to identify and abnormalities in the brain structure. Although it may not be as sensitive as MRI, it is useful for initial screening and can detect certain types of tumors. 3.2 Brain tumor detection using CNN: Data collection and preprocessing: Gather a dataset of brain MRI images with tumor and non-tumor labels. Preprocess the images by resizing them to a uniform size, normalizing pixel values and applying any necessary augmentation techniques to increase the diversity of the data. Building a CNN model:DesignaCNNarchitecturesuitable for image classification tasks. This typically includes combinations of convolutional layers and fully connected layers. Choose an appropriate loss function and an optimization algorithm for training the model. Training the CNN model: Evaluate thetrainedmodel ona separate test dataset to assess its performance accurately. Calculate metrics such as accuracy, precision, recall, and efficiency in tumor detection. 3.3 Real-Time Performance: Real-time performance in the context of brain tumor detection typically refers to the speed and accuracy to ensure reliable and precise results at which a system can identify and analyse potential tumors in the brain. Real-time performance is critical in the field of brain tumor detection as it allows for timely and accurate diagnosis, leading to better patient outcomes and improved treatment planning. Ongoing research and technological advancements continue to improve the real-time performance of brain tumor systems.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 205 4. SYSTEM ARCHITECTURE Fig -2: Block Diagram of Proposed system 4.1 Upload the brain images: Gather a dataset of brain MRI images with tumor and nontumor labels to detect and classify and can use publicly available datasets like Brain Tumor Segmentation dataset. 4.2 Preprocessing: In this module we convert the RGB image into grey scale image before preprocessing. Preprocessing the images by resizing them to a uniform size,normalizingpixelvaluesand applying any necessary augmentation techniques (e.g., rotation, cropping, zooming, etc.,) toincreasethediversityof the data. 4.3 Noise removal and irrelevant feature removal: Remove the noises from images by using filter techniques. The goal of the filter is to filteroutnoisethathas corrupted image. Gaussian filter is a low pass filter for removal of noises from the MRI images and blurringregions of an image. 4.4 Feature extraction: Feature extraction is the approximate reasoning method to observe the tumor shape and position in MRIimageusing edge detection method. 4.5 CNN algorithm: The CNN algorithm shows the promising results in brain tumor detection. The data attained high statistical accuracy, precision, efficiency of tumor identification, aiding medical professionals in making timely and accurate diagnoses for detecting brain tumors from MRIs. 4.6 Patch extraction: Patch extraction is the process of dividing the preprocessed brain MRI images into smaller and localized regions or patches to analyse and detecting tumors. 4.7 Normal and Abnormal detection: After the patch extraction process the brain images are detected it is normal or abnormal and it’s analysed by imaging modalities such as MRI, CT scans or PET scans. These techniques aid in the accurate and timelydiagnosisof brain tumors, facilitating prompt medical intervention and treatment planning. 4.8 Statistical region merging techniques: Statistical region merging aims to propose a path and provide extensions to miscellaneous problems related to image segmentation. Resulting in a smaller list and a greater number of information is collected and compared with the database and finally abnormality can be detected. 4.9 Disease detection: Disease detection often involves the identification of various types of abnormalities, such as tumor, edema and other pathological conditions. 4.10 Performance evaluation: It can evaluate the performance to analyse the effectiveness of our proposed algorithm. Accuracy metric is used to evaluate the performance of the system. It can be measured using truly classified pixels. 5. PROPOSED METHOD- CNN (Convolutional Neural Network) CNN are a class of deep neural networks commonly applied to analysing visual imagery. Developing a CNN for brain tumor detecting using MRI imagesinvolvesseveral key steps. 5.1 Data Collection and Preprocessing: Gather a diverse set of MRI images with labelled tumor regions. Preprocess the images to enhance contrast,remove noise, and standardize dimensions. 5.2 Data Augmentation: Augment the dataset with techniques like rotation, flipping and zooming to increasetherobustnessofthemodel and prevent overfitting. 5.3 Model Architecture Design: Choose an appropriate CNN architecture. Configure the layers including convolutional, pooling and fully connected
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 206 layers, with appropriate activation functions like ReLU and normalization layers. 5.4 Training the Model: Divide the dataset into training and validation sets. Train the CNN using backpropagationandoptimizationalgorithms like Stochastic Gradient Descent or Adam. Monitor the performance metrics like loss and accuracy. 5.5 Hyperparameter Tuning: Optimize hyperparameters like learning rate, batch size and regularization techniques such as dropout to improve model performance. 5.6 Evaluation and Validation: Evaluate the trained model on a separate test dataset to assess its generalization capability. Calculate metrics such as accuracy, precision, recall and F1 score to measure the model’s performance. 5.7 Interpretability and Visualization: Utilize techniques like Grad-CAM to understand which parts of the image the model focuses on during the classification process, aiding in interpretability and trust. 5.8 Deployment and Integration: Integrate the trained model into a user-friendly application for seamless use by healthcare professionals. Ensure compliance with medical regulations and ethical considerations. 5.9 Continual Improvement: Continuously update the model with new data and monitor its performance over time to adapt to changes in the distribution of data. 5.10 Ethical Considerations: Ensure patient data privacy and compliance with regulations such as HIPAA. Communicate clearly the limitations and potential biases of the model to healthcare practitioners for responsible use. 6. MRI – MAGENTIC RESONANCE IMAGING MRI (Magnetic Resonance Imaging) plays a crucial role in brain tumor detection. By utilizing powerful magnetic fields and radio waves, MRI provides detailed images of the brain’s internal structure, enabling to identify the abnormalitieslike tumors. The process involves: 6.1 Image Acquisition: During the MRI scan, a patient lies within a large, cylindrical magnet. Radio waves are used to stimulate the body’s hydrogen atoms, and the energy emitted by these atoms is detected by the MRI machine to create detailed images of the brain. 6.2 Tumor Identification: Trained radiologists examine theseMRIimagestoidentify potential abnormalities in the brain, such as tumor masses or irregularities in tissue structure.Itcharacterizingthetype, size, location, and extent of the tumor, which is crucial for treatment planning and monitoring the progression of the disease. 6.3 Classification and Diagnosis: Radiologists use various imaging sequences such as T1weighted, T2-weighted, and contrast-enhanced images to distinguish between different types of tumors (e.g., gliomas, meningiomas, metastatic tumors). The images help in understanding the location, size, and characteristics of the tumor. 6.4 Distinguishing Tumor from Healthy Tissue: By contrasting different tissue types, MRI helps differentiate between healthy brain tissue and abnormal tumor tissue. 6.5 Integration with AI: Advanced AI and machine learning techniques, including Convolutional Neural Networks (CNNs) and image segmentation algorithms, can assist radiologists in automating the detection and classification process, leading to more accurate and timely diagnoses. 6.6 High Resolution Imaging: MRI provides high-resolution images of the brain, allowing for detailed visualization of the structure and any abnormalities, including tumors. 6.7 Monitoring Treatment Response: It allows healthcare providers to monitor the effects of treatments, such as surgery, chemotherapy and radiation therapy, by tracking changes in the tumor size. 6.8 Non-Invasive Nature: MRI is non-invasive and does not involve the use of ionizing radiation, making it a safer option for repeated imaging when compared to other imaging modalities like CT scan
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 207 7. SOFTWARE USED-MATLAB MATLAB is an abbreviation for “Matrixlaboratory”.MATLAB is a popular programming language designed for engineers and scientists to express matrix and array directly and it is a numeric computing platform. It is used for a variety of application, including data analysis, algorithm development, modelling, simulation, and prototyping. It is widely used in academic and research institutions, as well as in industry for tasks such as signal processing, image processing, control systems and communications. 8. OUTPUT SCREENSHOTS 8.1 INPUT IMAGE: 8.2 FILTERED IMAGE: 8.3 TUMOR CLASSIFICATION: 8.4 ERODED IMAGE: 8.5 TUMOR OUTLINE:
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 208 8.6 DETECTED TUMOR: 8.7 PERFORMANCE EVALUATION: 8.8 HISTOGRAM OF FILTERED IMAGE: 9. FUTURE WORK Now we use the 2D convolution method of brain images. In future work we can extend our work to implement this approach in advance 3D and 4D images with improved various segmentationalgorithmstopredicttheneuronstates of brain images. MRI image of tumor diseases in brain images with improved accuracy rate and easily find out the disease and predict. 10. CONCLUSIONS In conclusion, our project on CNN based method for accurate brain tumor detection in MRI images demonstrate significant promise, offering improved robustness and reliability in identifying potential malignancies. The training accuracy of the proposed 2D CNN was found to be 98% and the training accuracy of the proposed network wasfound by 96%. By harnessing the power of convolutional neural networks, this approach showcases a sophisticatedmeansofanalysing complex imaging data, paving the way of enhanced precision in the diagnosis and treatment of brain tumors. As technology continues to advance, this method holds the potential to revolutionize the field of medical imaging, providing clinicians with a vital tool for early and accurate detection, ultimately leading to more timely interventions and improved patient outcomes. REFERENCES 1. E. M. Haacke et al., “Susceptibility weighted imaging (SWI),” Magn. Reson. Med., vol. 52, no. 3, pp. 612–8, Sep. 2004. 2. E. M. Haacke et al., “Susceptibility-weightedimaging: Technical aspects and clinical applications, Part1,”AJNRAm. J. Neuroradiol., vol. 30, no. 1, pp. 19–30, Jan. 2009. 3. S. Beriaultetal., “Neuronavigationalusing susceptibility-weighted venography: Application to deep brain stimulation andcomparisonwithgadoliniumcontrast,” J. Neurosurg., vol. 121, no. 1, pp. 131–41, 2014. 4. D. Lesage et al., “A review of 3D vessel lumen segmentation techniques: Models, features and extraction schemes,” Med. Image Anal., vol. 13, no. 6, pp. 819–45, Dec. 2009. 5. Kirbas and F. Quek, “A review of vessel extraction techniques and algorithms,” ACM Comput. Surv., vol. 36, no. 2, pp. 81–121, 2004. 6. L. Wilson and J. A. Noble, “An adaptive segmentation algorithm for time-of-flight MRA data,” IEEE Trans.Med. Imag., vol. 18, no. 10, pp. 938–45, Oct. 1999.
  • 7. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 209 7. M. S. Hassouna et al., “Cerebrovascularsegmentation from TOF using stochastic models,” Med. Image Anal., vol. 10, no. 1, pp. 2–18, Feb. 2006. 8. J. T. Hao, M. L. Li, and F. L. Tang, “Adaptive segmentation of cerebrovascular tree in time-of-flight magnetic resonance angiography,” Med. Biol. Eng. Comput., vol. 46, no. 1, pp. 75–83, Jan. 2008. 9. S. Zhou et al., “Segmentation of brain magnetic resonance angiography images based on MAP-MRF with multi-pattern neighborhood system and approximation of regularization coefficient,”Med.ImageAnal.,vol.17,no.8, pp. 1220–35, Dec. 2013. 10. M. S. Hassouna et al., “Statistical cerebrovascular segmentation for phase-contrast MRA data,” in Proc. Int. Conf. Biomed. Eng., 2002, pp. 101–105.