Major Project
Major Project
Submitted by,
Vedant Deokar (Exam Seat No. 202201040165)
Nirmal Chaturvedi (Exam Seat No. 202201040210)
Rohit Marewar (Exam Seat No. 202201040189)
Harshwardhan Waydande (Exam Seat No. 202201040056)
Guided by,
(2024–2025)
CERTIFICATE
It is hereby certified that the work which is being presented in the Third Year Major
Project–1 Report entitled “Brain Tumor Detection Using Deep Learning”, in
partial fulfillment of the requirements for the award of the Bachelor of Technology in
Computer Engineeringand submitted to the School of Computer Engineering of
MIT Academy of Engineering, Alandi(D), Pune, Affiliated to Savitribai
Phule Pune University (SPPU), Pune, is an authentic record of work carried
out during Academic Year 2024–2025 Semester V, under the supervision of Dr.
Minakshi Vharkate, School of Computer Engineering
We the undersigned solemnly declare that the project report is based on our own work
carried out during the course of our study under the supervision of Dr. Minakshi
Vharkate.
We assert the statements made and conclusions drawn are an outcome of our project
work. We further certify that
1. The work contained in the report is original and has been done by us under the
general supervision of our supervisor.
2. The work has not been submitted to any other Institution for any other de-
gree/diploma/certificate in this Institute/University or any other Institute/University
of India or abroad.
3. We have followed the guidelines provided by the Institute in writing the report.
4. Whenever we have used materials (data, theoretical analysis, and text) from
other sources, we have given due credit to them in the text of the report and
giving their details in the references.
Brain tumor detection is a critical task in medical diagnostics, as early detection can
significantly improve patient outcomes. This project aims to leverage deep learning
techniques for the automatic detection and classification of brain tumors from med-
ical imaging data. Specifically, Convolutional Neural Networks (CNNs) are utilized
to analyze MRI scans, which are widely used in the diagnosis of brain tumors. The
system is trained on a large dataset of MRI images, which are pre-processed to en-
hance image quality and remove noise. The model is then optimized to classify the
images into benign, malignant, or normal categories.
Deep learning techniques, known for their ability to automatically learn complex
patterns from data, are well-suited for this task as they can identify subtle features
in images that may be missed by traditional image analysis methods. The project
focuses on the development of an efficient model with high accuracy and minimal
false positives, ensuring that the tool can be used reliably in clinical settings. The
performance of the model is evaluated using standard metrics such as accuracy,
precision, recall, and F1-score.
This approach promises to improve the accuracy and speed of brain tumor detection,
assisting healthcare professionals in making more informed decisions. The proposed
system is expected to serve as a valuable tool in the early detection of brain tumors,
potentially leading to better treatment outcomes for patients.
iv
Acknowledgment
Firstly, we are profoundly grateful to our project guide, Dr. Menakshi Vharkate, for
her continuous guidance, valuable insights, and unwavering support throughout this
project. Her expertise and encouragement were instrumental in shaping our work
and helping us navigate challenges effectively.
We also extend our gratitude to the faculty and staff of MIT Academy of Engineering
for providing essential resources and creating an environment conducive to learning
and research. Their assistance and motivation helped us progress through various
stages of the project.
We are thankful to our peers and colleagues for their constructive feedback, collab-
oration, and valuable suggestions, which helped us refine our ideas and enhance the
quality of our work.
Finally, we express our heartfelt thanks to our families for their constant support,
patience, and understanding. Their encouragement and belief in us provided the
strength and motivation we needed to complete this project successfully.
This project is the result of the collective effort and contributions of many individuals,
and we deeply appreciate their involvement and support.
v
Vedant Deokar (Exam Seat No. 202201040165)
vi
Contents
Abstract iv
Acknowledgement v
1 Introduction 1
1.1 Background . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 1
1.2 Motivation . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 2
2 Literature Review 5
vii
3.2 Goals and Objectives . . . . . . . . . . . . . . . . . . . . . . . . . . . 10
Hardware Requirements . . . . . . . . . . . . . . . . . . . . . 14
Software Requirements . . . . . . . . . . . . . . . . . . . . . . 14
5 Proposed Methodology 16
5.4 Approach . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 18
6 Conclusion 20
6.1 Conclusion . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 20
viii
6.2 Future Scope . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 20
References 22
ix
List of Figures
x
Chapter 1
Introduction
1.1 Background
However, detecting brain tumors in MRI images comes with challenges, such as
differences in tumor size, shape, location, and intensity. Traditional manual methods
of segmentation and feature extraction often struggle to overcome these complexities,
introducing the possibility of human error. Deep learning models help address these
challenges by automating the detection process, improving accuracy, reliability, and
efficiency.
1
This project focuses on creating a deep learning-based system for detecting brain
tumors in MRI scans. The solution leverages CNNs and other advanced architectures
to achieve precise and reliable tumor identification.
1.2 Motivation
This project is driven by the increasing need for accurate and efficient methods of
brain tumor detection. Early diagnosis plays a crucial role in improving treatment
outcomes, and automated systems can help reduce the workload on medical profes-
sionals while speeding up the diagnostic process. Manual examination of MRI scans
is both time-consuming and reliant on the availability of skilled experts, whereas
deep learning models can deliver quick and accurate results, which is beneficial in
resource-limited settings.
The success of deep learning in other areas of medical imaging has inspired its appli-
cation in brain tumor detection. This project aims to contribute to the integration
of artificial intelligence in healthcare by developing a reliable automated system for
early brain tumor diagnosis, ultimately improving patient care and treatment out-
comes.
The aim of this project is to build a deep learning model that can accurately detect
brain tumors in MRI images. The approach involves applying image preprocessing,
data augmentation, and evaluating different CNN architectures to identify tumor
regions within the brain effectively.
The model will be trained on MRI datasets, and various architectures such as CNNs,
U-Net, and ResNet will be tested for their performance in tumor classification and
segmentation. The system is designed to offer a dependable and automated solution
that supports early diagnosis of brain tumors.
2
1.4 Proposed Solution
The proposed solution involves a deep learning model that analyzes MRI scans to
detect the presence of brain tumors. If a tumor is found, the model will also indicate
its location and type where possible. The approach relies on CNNs for feature ex-
traction and classification, with enhancements through data augmentation, transfer
learning, and fine-tuning of pre-trained models to improve accuracy.
4. Evaluating model performance using metrics like accuracy, precision, recall, and
F1-score.
3
• Chapter 5: Conclusion and Future Work - Summarizes the project out-
comes and proposes potential directions for future enhancements.
4
Chapter 2
Literature Review
The use of deep learning techniques for the detection of brain tumors has been
an area of extensive research in medical imaging. In recent years, multiple studies
have explored the application of Convolutional Neural Networks (CNNs) and other
advanced models to detect and segment brain tumors from MRI scans. The following
are key advances and contributions to this field.
2. U-Net for Image Segmentation: U-Net has become one of the most widely
used architectures for medical image segmentation tasks. Originally developed for
biomedical segmentation, U-Net’s architecture is highly effective in detecting and de-
lineating tumors from MRI images. Its symmetrical design, consisting of contracting
5
and expanding layers, allows it to capture both contextual and detailed information,
which is crucial for segmenting complex structures like tumors. Research has shown
that U-Net surpasses traditional machine learning techniques such as Support Vector
Machines (SVM) in tumor segmentation tasks, making it a preferred architecture for
this application.
6
tifaceted approach improves tumor detection and segmentation by providing a more
comprehensive understanding of tumor characteristics.
These advances demonstrate the tremendous potential of deep learning in the field
of brain tumor detection. However, some challenges remain, particularly regarding
data imbalance, the need for high-quality annotated data, and ensuring that models
generalize well across different patient populations and imaging protocols.
While significant progress has been made in using deep learning for brain tumor
detection, several limitations still hinder the widespread adoption of these techniques
in clinical practice:
1. Data Imbalance Issues: One of the main challenges in training deep learning
models for medical applications is the imbalance in datasets. Most publicly available
datasets have far more non-tumor images than tumor images, which can lead to
biased models. This data imbalance can cause models to over-predict the absence
of tumors and underperform in detecting rare tumor types. Solutions like synthetic
data generation using Generative Adversarial Networks (GANs), data augmentation,
and balancing techniques are essential to address these issues.
2. Variability in Image Quality: MRI scans can vary significantly in quality due
to differences in scanning equipment, imaging protocols, and even the conditions
under which the images are captured. Low-resolution images, noise, and artifacts
can reduce the effectiveness of deep learning models, which may struggle to accurately
detect tumors in lower-quality scans. Pre-processing methods like noise reduction,
contrast enhancement, and resolution normalization are critical for preparing the
images to enhance model performance.
7
predictions across diverse datasets, large, diverse, and well-annotated datasets are
necessary, along with techniques that promote domain adaptation.
4. Lack of Interpretability: Deep learning models, especially CNNs, are often de-
scribed as ”black box” models because it can be difficult to understand the rationale
behind their predictions. This lack of transparency poses a significant problem in
medical applications, where understanding the decision-making process is essential
for clinicians to trust and validate the model’s recommendations. Explainable AI
(XAI) methods that offer visual explanations of how a model arrived at a decision
are an important area for future development, ensuring that models can be trusted
in clinical practice.
The current state of brain tumor detection using deep learning is promising, but
there are several key areas where improvements are still needed:
8
understood by clinicians. Future work should focus on enhancing the interpretability
of deep learning models through Explainable AI (XAI) methods. Techniques such
as saliency maps, attention mechanisms, and visual explanations will help clinicians
understand the factors influencing model predictions, leading to greater trust and
adoption in clinical practice.
Deep learning techniques have proven to be highly effective in automating brain tu-
mor detection from MRI scans. State-of-the-art models such as CNNs, U-Net, and
transfer learning approaches have demonstrated great promise in improving the accu-
racy and efficiency of tumor detection and segmentation. However, challenges such
as data imbalance, model generalization, and interpretability remain. Addressing
these issues through techniques such as data augmentation, multi-modal fusion, and
Explainable AI (XAI) will likely enhance the performance and applicability of deep
learning in clinical settings, ultimately contributing to more accurate and timely
brain tumor diagnoses.
9
Chapter 3
The objective of this project is to develop a system for accurately detecting brain
tumors using MRI images. The system should leverage deep learning techniques
to analyze and classify MRI scans, identifying the presence, location, and type of
tumors. The solution aims to aid medical professionals by improving diagnostic
accuracy and reducing the time required for analysis.
10
• To visualize the detection results in a way that is easily interpretable by medical
professionals.
• To evaluate the system using metrics such as accuracy, precision, recall, and
F1-score.
Scope:
• The system focuses on processing brain MRI images for tumor detection and
segmentation.
• The model will be designed to handle common types of brain tumors, including
benign and malignant cases.
11
Chapter 4
12
• It involves specifying loss functions for tasks like classification and segmenta-
tion.
The goal is to achieve the optimal values for the parameters θ∗ that lead to the best
detection and segmentation results.
13
4.1.8 Hardware and Software Requirements
The system’s performance and feasibility depend on appropriate hardware and soft-
ware resources. Below are the requirements:
Hardware Requirements
Software Requirements
The success of the project relies on a structured approach to its execution. The
project will follow an iterative model to ensure that the objectives are met efficiently
and within the given time frame.
14
methodologies for brain tumor detection. - Collect and prepare a dataset of MRI
images for training and evaluation.
2. Phase 2: Model Development and Training (4 Weeks) - Implement the deep learn-
ing model, starting with a basic CNN and progressing to more advanced architectures
like U-Net or ResNet. - Train the model using the collected dataset, with necessary
adjustments to hyperparameters.
3. Phase 3: Evaluation and Testing (2 Weeks) - Evaluate the model on a test set
and fine-tune based on performance metrics. - Generate visualizations and interpret
results.
15
Chapter 5
Proposed Methodology
The proposed system for brain tumor detection from MRI images utilizes a deep
learning-based approach. At its core, the system consists of several key modules:
1. Data Acquisition and Preprocessing: The first step involves collecting a dataset
of brain MRI images. These images are preprocessed to standardize their size and
resolution, as well as to enhance quality through techniques like normalization and
noise reduction.
3. Deep Learning Model: The core of the system is a convolutional neural network
(CNN), potentially combined with advanced architectures like U-Net or ResNet for
more precise tumor segmentation. This network learns to identify features from MRI
images and classify regions as either tumor or non-tumor. The CNN may be pre-
trained using transfer learning on a large dataset and then fine-tuned on the brain
tumor dataset.
16
regarding the presence and location of a tumor in the MRI images. The output could
include classification labels (e.g., benign, malignant) and segmentation masks that
outline the tumor’s boundaries.
5. Post-processing and Visualization: The final predictions are processed for visu-
alization, where tumor locations are marked on the MRI images. This step helps
medical professionals quickly identify the tumor area for further examination.
The CNN is modeled as a function f (X, θ) where: - X represents the input MRI
image, - θ represents the model parameters (weights and biases), - f (X, θ) outputs
the predicted label (or segmentation mask) for the input image.
The objective is to find the optimal model parameters θ∗ that minimize the loss
function L(X, y, θ) over the training dataset, where y represents the true label.
In the case of segmentation, the model’s output can be a mask Ŝ, and the Dice
coefficient or Intersection-over-Union (IoU) is commonly used to evaluate the overlap
between the predicted segmentation mask and the ground truth.
17
5.3 Objective Function
The objective function for training the deep learning model is designed to optimize
the model’s parameters for accurate tumor detection. The loss function used in
this work includes a combination of the classification loss (for tumor detection) and
the segmentation loss (for tumor localization). This multi-task approach allows the
model to not only classify whether a tumor is present but also accurately delineate
its boundaries.
X
LCE = − yi log(ŷi ) + (1 − yi ) log(1 − ŷi )
i
Where: - yi is the true label (1 for tumor, 0 for non-tumor), - ŷi is the predicted
probability of the presence of a tumor.
For segmentation, the Dice coefficient loss function is used, which measures the
overlap between the predicted and ground truth masks:
P
2 (Ŝ · S)
LDice =1− P P
Ŝ + S
The overall loss function combines these two components, ensuring that the model
learns both to detect the presence of a tumor and to segment it accurately.
5.4 Approach
1. Dataset Collection: The first step is to gather a diverse dataset of MRI images.
These images are then preprocessed to remove noise, resize to a consistent dimension,
and normalized for uniformity.
18
2. Model Selection and Design: We begin by implementing a basic CNN architecture
for tumor detection and classification. Then, more advanced architectures such as
U-Net, known for its efficiency in segmentation tasks, are explored to improve tumor
boundary delineation.
3. Transfer Learning: Due to the limited availability of labeled MRI data, transfer
learning is applied by utilizing pre-trained models like VGG16, ResNet, or Incep-
tionV3. These models are fine-tuned on the tumor dataset, enhancing performance
while reducing training time.
5. Model Training: The model is trained on the augmented dataset using back-
propagation and an optimization algorithm such as Adam. The training process is
monitored through evaluation metrics like accuracy, precision, and recall.
19
Chapter 6
Conclusion
6.1 Conclusion
The brain tumor detection system developed in this project offers a promising ap-
proach for assisting medical professionals in diagnosing tumors from MRI images.
By leveraging deep learning techniques, particularly Convolutional Neural Networks
(CNN), the system is capable of classifying brain images as tumor or non-tumor, and
providing segmentation to delineate the tumor’s boundaries. The model has shown
positive results, demonstrating high accuracy, precision, and recall during testing.
This automated detection system can reduce human error, speed up diagnosis, and
support healthcare providers in making better-informed decisions.
In addition to tumor detection, the proposed system can serve as a reliable tool for
analyzing large datasets of MRI images, which would otherwise require significant
manual effort. Through continuous improvements in model architecture and the use
of advanced deep learning methods, the system’s accuracy can be further enhanced,
providing even more robust solutions for medical image analysis.
The proposed system has significant potential for improvement and expansion in the
future. Some possible directions for further development include:
20
1. Integration with Clinical Workflow: Future versions of the system can be inte-
grated with hospital management systems, allowing direct data exchange with MRI
machines, electronic health records (EHRs), and clinical decision support systems
for seamless diagnosis.
5. Clinical Validation and Deployment: Before widespread use, the system should
undergo extensive clinical validation in collaboration with healthcare professionals
to ensure its effectiveness and reliability in real-world settings.
21
References
Ali, M., Gilani, S. O., Waris, A., Zafar, K., & Jamil, M. (2020a). Brain tumour image
segmentation using deep networks. IEEE Access, 8 , 153589-153598.
Ali, M., Gilani, S. O., Waris, A., Zafar, K., & Jamil, M. (2020b). Brain tumour image
segmentation using deep networks. IEEE Access, 8 , 153589-153598.
Amin, J., Sharif, M., Raza, M., Saba, T., & Anjum, M. A. (2019). Brain tumor detection
using statistical and machine learning method. Computer Methods and Programs in
Biomedicine, 177 , 69-79.
Anantharajan, S., Gunasekaran, S., Subramanian, T., & Venkatesh, R. (2024). Mri brain
tumor detection using deep learning and machine learning approaches. Measurement:
Sensors, 31 , 101026.
Choudhury, C. L., Mahanty, C., Kumar, R., & Mishra, B. K. (2020). Brain tumor detec-
tion and classification using convolutional neural network and deep neural network.
In 2020 international conference on computer science, engineering and applications
(iccsea) (p. 1-4). IEEE.
Devunooru, S., Alsadoon, A., Chandana, P., & Beg, A. (2021). Deep learning neural
networks for medical image segmentation of brain tumours for diagnosis: a recent
review and taxonomy. Journal of Ambient Intelligence and Humanized Computing.
Geetha, A., & Gomathi, N. (2020). A robust grey wolf-based deep learning for brain
tumour detection in mr images. Biomedical Engineering/Biomedizinische Technik ,
65 (2), 191-207.
Havaei, M., Davy, A., Warde-Farley, D., Biard, A., Courville, A., Bengio, Y., . . . Larochelle,
H. (2017). Brain tumour segmentation with deep neural networks. Medical Image
Analysis.
Hossain, T., Shishir, F. S., Ashraf, M., Nasim, M. A. A., & Shah, F. M. (2019). Brain tumor
detection using convolutional neural network. In 2019 1st international conference
22
on advances in science, engineering and robotics technology (icasert) (p. 1-6). IEEE.
Jia, Z., & Chen, D. (2020). Brain tumor identification and classification of mri images
using deep learning techniques. IEEE Access.
Khan, M. S. I., Rahman, A., Debnath, T., Karim, M. R., Nasir, M. K., Band, S. S., . . .
Dehzangi, I. (2022). Accurate brain tumor detection using deep convolutional neural
network. Computational and Structural Biotechnology Journal , 20 , 4733-4745.
Kumar, S., Kumar, N., Rishabh, I., & Keshari, V. (2021). Automated brain tumour
detection using deep learning via convolution neural networks (cnn). Int. J. Cur.
Res. Rev., 13 (02), 148.
Mohsen, H., El-Dahshan, E., El-Horbaty, E., & Salem, A. (2018). Classification using
deep learning neural networks for brain tumors. Future Computing and Informatics
Journal , 3 (1), 68-71.
Pedada, K., Rao, B., Patro, K., Allam, J., Jamjoom, M., & Samee, N. (2023). A novel
approach for brain tumour detection using deep learning based technique. Biomedical
Signal Processing and Control , 82 , 104549.
Rasool, N., & Bhat, J. I. (2024). Brain tumour detection using machine and deep learning:
a systematic review. Multimedia Tools and Applications, 1-54.
Sharma, M., Sharma, P., Mittal, R., & Gupta, K. (2021). Brain tumour detection using
machine learning. Journal of Electronics, 3 (4), 298-308.
Siar, M., & Teshnehlab, M. (2019). Brain tumor detection using deep neural network and
machine learning algorithm. In 2019 9th international conference on computer and
knowledge engineering (iccke) (p. 363-368). IEEE.
Soomro, T. A., Zheng, L., Afifi, A. J., Ali, A., Soomro, S., Yin, M., & Gao, J. (2022).
Image segmentation for mr brain tumor detection using machine learning: a review.
IEEE Reviews in Biomedical Engineering, 16 , 70-90.
Tripathi, S., Verma, A., & Sharma, N. (2021). Automatic segmentation of brain tumour
in mr images using an enhanced deep learning approach. Computer Methods in
Biomechanics and Biomedical Engineering: Imaging & Visualization, 9 (2), 121-130.
Venmathi, A., David, S., Govinda, E., Ganapriya, K., Dhanapal, R., & Manikandan, A.
(2023). An automatic brain tumors detection and classification using deep convolu-
tional neural network with vgg-19. In 2023 2nd international conference on advance-
ments in electrical, electronics, communication, computing and automation (icaeca)
(p. 1-5). IEEE.
23