0% found this document useful (0 votes)
4 views

Deep Learning-Driven MRI Image Segmentation and Classification for Brain Tumors Using RF, SVM, YOLOv5, and U-Net Architectures

This document presents a study on using deep learning and machine learning techniques for the segmentation and classification of brain tumors from MRI scans, employing architectures such as U-Net, YOLOv5, Random Forest, and Support Vector Machines. The proposed system aims to automate and enhance the accuracy of tumor detection and classification, thereby improving diagnostic efficiency and patient care. The methodology integrates various components into a unified framework to streamline the diagnostic process, addressing the limitations of existing systems.
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
4 views

Deep Learning-Driven MRI Image Segmentation and Classification for Brain Tumors Using RF, SVM, YOLOv5, and U-Net Architectures

This document presents a study on using deep learning and machine learning techniques for the segmentation and classification of brain tumors from MRI scans, employing architectures such as U-Net, YOLOv5, Random Forest, and Support Vector Machines. The proposed system aims to automate and enhance the accuracy of tumor detection and classification, thereby improving diagnostic efficiency and patient care. The methodology integrates various components into a unified framework to streamline the diagnostic process, addressing the limitations of existing systems.
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 6

Volume 10, Issue 2, February – 2025 International Journal of Innovative Science and Research Technology

ISSN No:-2456-2165 https://doi.org/10.5281/zenodo.14964479

Deep Learning-Driven MRI Image


Segmentation and Classification for Brain
Tumors Using RF, SVM, YOLOv5, and U-Net
Architectures
1
Uppalapati Harshitha; 2Vallamkondu Bhuvitha; 3Dr. Poornima
1,2
Department of Computer Science and Engineering
Sathyabama Institute of Science and Technology
Chennai, India
3
Assistant Professor,
Department of Computer Science and Engineering
Sathyabama Institute of Science and Technology
Chennai, India

Publication Date: 2025/03/06

Abstract: This work uses deep learning and machine learning approaches to identify and categorize brain cancers from
MRI scans. U-Net is utilized for precise tumor segmentation, YOLOv5 is employed for real-time detection, and Random
Forest (RF) and Support Vector Machines (SVM) are employed for tumor type classification. In order to assist doctors, in
diagnosing brain tumors more rapidly, the system aims to automate segmentation, detection, and classification, improve
diagnosis accuracy, and reduce analysis time. By developing early intervention strategies for brain tumor treatment, this
study enhances patient care.

Keywords: Brain Tumor Detection, MRI Image Segmentation, U-Net Architecture,YOLOv5,Random Forest (RF), Support Vector
Machine (SVM),Deep Learning, Tumor Classification, Medical Imaging, Real-Time Detection, Image Preprocessing, Artificial
Intelligence in Healthcare, Neural Networks, Oncology Diagnostics, Machine Learning

How to Cite: Uppalapati Harshitha; Vallamkondu Bhuvitha; Dr. Poornima (2025) Deep Learning-Driven MRI Image
Segmentation and Classification for Brain Tumors Using RF, SVM, YOLOv5, and U-Net Architectures. International Journal of
Innovative Science and Research Technology, 10(2), 1478-1483. https://doi.org/10.5281/zenodo.14964479

I. INTRODUCTION Modern deep learning architectures and machine


learning models are combined in this project to offer a
The goal of the project, "Deep Learning-Driven MRI comprehensive solution. Using U-Net for precise tumor
Image Segmentation and Classification for Brain Tumors," segmentation allows for the identification of tumor
is to improve the detection, segmentation, and classification boundaries and regions of interest. A highly successful real-
of brain tumors from MRI scans by utilizing cutting-edge time object detection technology called YOLOv5 is utilized
deep learning architectures like U-Net, YOLOv5,(RF), and to swiftly and precisely identify malignancies. Both benign
Support Vector Machines (SVM). This project intends to and malignant tumors (RF) and (SVM) algorithms. These
automate and enhance accuracy in medical imaging analysis, models work together to provide a reliable method that helps
minimizing reliance on human methods in light of the doctors diagnose brain tumors while saving time and effort
growing prevalence of brain tumors and the urgent need for as compared to manual analysis.
prompt diagnosis. The method tackles difficulties in early
detection and treatment planning by combining
segmentation for tumor location and classification for
accurate diagnosis, thereby assisting healthcare providers
and enhancing patient outcomes.

IJISRT25FEB1097 www.ijisrt.com 1478


Volume 10, Issue 2, February – 2025 International Journal of Innovative Science and Research Technology
ISSN No:-2456-2165 https://doi.org/10.5281/zenodo.14964479

The project's integration of these cutting-edge combines segmentation, detection, and classification into a
technology improves diagnostic precision while unified framework, as most current systems only
streamlining medical procedures and facilitating quicker concentrate on one or two areas (such as segmentation or
decision-making in urgent situations. The technology is classification).
made to give medical professionals an easy-to-use,
interactive platform where they can upload, analyze, and III. EXISTING SYSTEM
interpret MRI pictures and receive comprehensive results.
By promoting early diagnosis and accurate classification of Current methods for diagnosing brain tumors mostly
brain tumors, this method not only lessens the workload for depend on radiologists manually interpreting MRI data. This
radiologists but also improves patient care and results. procedure takes a long time and is prone to human mistake
and differences in competence. Although CAD systems
II. RELATED WORK have been created to help radiologists, many of them rely on
antiquated image processing methods that aren't as flexible
Significant progress has been made in recent years in and adaptable as contemporary machine learning and deep
the application of machine learning and deep learning learning techniques. In complex or noisy datasets, these
techniques in medical imaging, Because U-Net topologies systems frequently have trouble correctly segmenting
can effectively capture spatial and contextual information, tumors, which can result in inaccurate diagnosis and
studies have demonstrated its efficacy for medical picture postpone treatment planning.
segmentation. Even with little training data, U-Net has been
utilized extensively for tumor segmentation in MRI scans, Even though models for tumor segmentation, detection,
yielding incredibly precise results. Its effectiveness in and classification have been presented by machine learning
defining tumor boundaries has been shown in a number of advances, the majority of current systems tend to
research studies, which is crucial for subsequent processes concentrate on discrete tasks rather than offering a
including categorization and treatment planning. Real-time comprehensive solution. Segmentation models such as U-
segmentation and managing intricate tumor forms in various Net, for instance, may function well but are not connected to
datasets are still difficult tasks, nevertheless classification systems, necessitating extra manual
preprocessing procedures. Similar to this, object detection
In medical imaging, object detection frameworks like frameworks such as YOLO have just lately been
YOLO (You Only Look Once) have become effective tools investigated, there is still little use of them in brain MRI
for real-time tumor detection. YOLOv5, in particular, is studies. Therefore, inefficiencies result from the absence of
perfect for identifying anomalies in MRI scans because it a single system that combines segmentation, detection, and
has shown notable gains in speed and accuracy over its classification in a seamless manner, impeding the possibility
predecessors. Studies incorporating YOLO-based of real-time diagnostics and thorough analysis.
frameworks have demonstrated encouraging outcomes in
terms of quickly locating tumors, cutting down on IV. PROPOSED METHODOLOGY
diagnostic time in clinical settings. Despite its benefits,
YOLO is still a relatively new use in medical imaging, and By combining cutting-edge machine learning and deep
efforts are still being made to maximize its performance for learning models, the suggested approach develops a single
medical use cases. system for MRI-based brain tumor diagnostics. For accurate
tumor segmentation and exact tumor region detection, U-
Apart from segmentation and detection, one crucial Net will be utilized. To ensure effective processing and
activity that has benefited from machine learning techniques display of the MRI data, YOLOv5 will be utilized for real-
like (RF) and (SVM) is tumor classification. The capacity time tumor location detection. Using (RF) and (SVM), the
of these algorithms to categorize tumors using tumors will be categorized as either benign or malignant
characteristics taken from segmented pictures has been based on attributes that were taken from the segmented
thoroughly investigated. In clinical applications, RF and pictures. Pre-processing methods intensity normalization,
SVM are especially prized for their interpretability and and data augmentation will be used by the system to
robustness. Recent studies demonstrate how these improve model performance. By integrating segmentation,
conventional machine learning models can be combined detection, and classification into a single pipeline, the
with deep learning frameworks to provide a comprehensive suggested methodology seeks to produce an output that is
diagnostic system. The goal of an integrated strategy that accurate, dependable, and quick.

IJISRT25FEB1097 www.ijisrt.com 1479


Volume 10, Issue 2, February – 2025 International Journal of Innovative Science and Research Technology
ISSN No:-2456-2165 https://doi.org/10.5281/zenodo.14964479

V. ARCHITECTURE DIAGRAM

Fig1: System Architecture

VI. METHODOLOGY Following collection, the MRI images go through a number


of preprocessing procedures to improve their quality and
 Gathering and Preparing Data make sure deep learning models can use them. Noise
MRI image collecting is the methodology's first and removal is one of the initial phases, which is usually
most important stage. Usually, medical datasets containing accomplished by using filters such as Gaussian blurring to
different kinds of brain scans, like T1-weighted, T2- lessen high-frequency noise that may obstruct the model's
weighted, or FLAIR (Fluid Attenuated Inversion Recovery) ability to learn.
sequences, are the source of these pictures. These scans are
perfect for detecting tumors because they offer  Segmenting Tumors using U-Net
comprehensive details about the structural features of the The next important step in the procedure is tumor
brain. The models will be trained using the dataset, which segmentation, which comprises separating the tumor regions
may contain labeled photos of benign and malignant tumors. from the surrounding brain tissue. This is accomplished

IJISRT25FEB1097 www.ijisrt.com 1480


Volume 10, Issue 2, February – 2025 International Journal of Innovative Science and Research Technology
ISSN No:-2456-2165 https://doi.org/10.5281/zenodo.14964479

using U-Net, a deep learning network designed specifically tumor type categorization are all made possible by the
for picture segmentation challenges. The (CNN) model U- system.
Net is particularly for biological image segmentation due to
its pulls hierarchical information from the context of the  Assessment and Performance Indicators
image, whereas the decoder allows for the precise To guarantee the system's efficacy, a thorough
localization of features, such as tumor boundaries. After performance evaluation is conducted at the end. To evaluate
being trained on preprocessed MRI images, the U-Net the accuracy of the tumor segmentation process, one of the
model learns to properly split the tumor areas and generate most important metrics Coefficient (DSC), which calculates
binary masks that identify the exact location of the tumor in the degree of similarity between the and the YOLOv5's
the scan. Because it forms the foundation for subsequent object recognition performance is assessed using (IoU),
processing and analysis, this segmentation is crucial. which compares bounding boxes. among the performance
measures used in classification to assess the system's ability
 Finding Tumors with YOLOv5 to distinguish between benign and malignant tumors. Cross-
YOLOv5 (You Only Look Once, version 5), a well- validation methods such as are make sure the models are
known real-time object identification system, is used to reliable and generalizable across a range of datasets.
detect tumors after the segmentation stage. YOLOv5 is well-
known for its speedy and precise object detection in pictures, VII. TOOLS AND TECHNOLOGIES
which makes it perfect for locating malignancies in MRI
scans. The YOLOv5 model is fed the segmented tumor  Languages Used in Programming
regions that were extracted using U-Net. The bounding Python: This project's core programming language,
boxes surrounding the tumors are then predicted by Python, forms the basis for practically all development
YOLOv5, which also provides the prediction's confidence activities, from data processing to the application of
level and the tumor location coordinates. For medical machine learning methods. Python is preferred for data
applications where speed is crucial for prompt diagnosis and science, machine learning, and image processing jobs
treatment, this real-time detection capacity is indispensable. because to its ease of use and abundance of libraries and
frameworks. The success of this project depends on Python's
 Tumor Classification and Feature Extraction capacity to handle big datasets, carry out intricate
Once the tumor has been identified, it is classified as mathematical operations, and interface with deep learning
either benign or malignant. To do this, feature extraction is models with ease. Python is the foundation of libraries like
used to the segmented tumor regions. Numerous TensorFlow, PyTorch, scikit-learn, OpenCV, and
characteristics, such as the tumor's size, shape, texture, and SimpleITK. Python is a popular language in the field of
intensity, are extracted from the MRI scans. These qualities artificial intelligence, especially in medical image analysis,
are crucial in distinguishing between benign and malignant due to its adaptability and simplicity of integration.
tumors since different tumor characteristics may indicate
different forms of growth and aggressiveness. For the  Frameworks for Deep Learning
categorization challenge, conventional machine learning One of the most popular deep learning frameworks is
models are employed, specifically Random Forest (RF) and TensorFlow, which was created by Google. Deep learning
Support Vector Machine (SVM). Random Forest is an models like U-Net, which is especially made for medical
ensemble learning technique that generates several decision picture segmentation tasks, are created and trained in this
trees and combines their output to obtain a final project using TensorFlow. Large datasets and sophisticated
classification result, offering high accuracy and resilience models may be handled with TensorFlow's robust GPU
against overfitting. SVM, on the other hand, is a supervised support and scalability, which is crucial when working with
learning method. that builds the optimal hyperplane for high-resolution MRI images. Rapid model testing,
dividing different tumor types using the data that was debugging, and prototyping are made possible by the
recovered. framework's versatility and extensive toolkit, which includes
its Keras API. TensorFlow is essential to the project's
 Combination and Production of Output success because it can be used for segmentation tasks as
Integrating the various elements—segmentation, well as model optimization, deployment, and the
detection, and classification—into a coherent pipeline forms development of effective inference pipelines. Another
the basis of this methodology. Through this integration, an popular deep learning framework used in this project is
end-to-end system is made possible that uses raw MRI PyTorch, which is praised for its user-friendliness and
images as input, processes them using the U-Net dynamic computational graph. Because of its versatility and
segmentation model, uses YOLOv5 to locate tumors, and user-friendly architecture, PyTorch is particularly useful for
then uses RF or SVM models to classify the type of tumor. research and experimentation, facilitating faster model
A binary mask representing the segmented tumor, bounding building and iteration. In this project, YOLOv5, a cutting-
boxes showing the tumor sites, and a classification label edge model for real-time object identification, is developed
(Benign or Malignant) are among the pipeline's main using PyTorch. Tumor detection speed and accuracy are
outputs. Following that, the findings are shown on an increased by PyTorch's support for efficient GPU use, and
interactive dashboard that gives medical experts a thorough the YOLOv5 model is particularly well-suited for MRI scan
overview of the investigation. Easy MRI picture uploading, tumor detection. PyTorch is perfect for tasks needing
segmented tumor region viewing, tumor detection, and

IJISRT25FEB1097 www.ijisrt.com 1481


Volume 10, Issue 2, February – 2025 International Journal of Innovative Science and Research Technology
ISSN No:-2456-2165 https://doi.org/10.5281/zenodo.14964479

dynamic modifications to the model architecture or hyper  Utilizing GPUs and Cloud Computing
parameters due to its versatility. Google Colab is a cloud-based online environment that
offers free GPU and TPU (Tensor Processing Unit) access
 Libraries for Image Processing for deep learning applications. Colab's GPU support is
OpenCV: An indispensable tool for image processing essential for speeding up the training process because deep
tasks is OpenCV (Open Source Computer Vision Library). It learning model training, particularly for convolutional
is frequently used for tasks like picture processing, feature networks like U-Net and YOLOv5, needs a large amount of
extraction, and enhancement. The preprocessing of MRI processing power. Colab is user-friendly, effortlessly
pictures in this research, which includes filtering, scaling, connects with Google Drive for file storage, and enables
and converting the images into formats appropriate for deep remote project execution, offering flexibility for model
learning models, is largely handled by OpenCV. Because building and experimentation. It is an excellent tool for
MRI pictures frequently contain noise and irregularities, rapidly prototyping models and training them without
preprocessing is an essential step in medical image analysis. requiring a powerful local computer because of its
In order to make the images more uniform and clear for simplicity of use and capacity to leverage sophisticated
model input, OpenCV assists in using techniques like hardware.
histogram equalization for contrast improvement and
Gaussian blur for noise reduction.  Tools for Collaboration and Version Control
GitHub and Git: Git is a version control system for
For managing medical image formats such as DICOM handling modifications to the documentation and source
(Digital Imaging and Communications in Medicine) and code of a project. Git keeps track of code changes, making it
NIfTI (Neuroimaging Informatics Technology Initiative), possible to access earlier iterations of the code as needed.
SimpleITK is an additional essential library. MRI data is The project's code repository is hosted on GitHub, which
frequently stored in several formats, and SimpleITK offers a offers a centralized area for team members to work together,
smooth method for loading, processing, and modifying these exchange code, and add to the project. GitHub is a great
pictures. In order to improve picture features for platform for team coordination because of its collaborative
segmentation and classification applications, SimpleITK capabilities, which let several developers work on the
offers a variety of filters and transformations, including project at once without interfering with one another. These
morphological transformations and intensity rescaling. features include branching, pull requests, and issue tracking.
Additionally, it guarantees thorough documentation of the
 Libraries for Machine Learning entire development process, which enhances the project's
In order to create common machine learning models scalability and maintainability.
like Support Vector Machine (SVM) and Random Forest
(RF), this project uses scikit-learn, a robust and flexible  Web-Based Deployment Framework
Python machine learning toolbox. These models use Flask: The project's backend API is created using Flask,
information taken from the segmented tumor sections to a lightweight Python web framework. It provides the
classify MRI scans into groups like benign or malignant framework for creating the web application that enables
tumors. Scikit-learn offers an extensive collection of tools interaction between the deep learning models and medical
for training models, cross-validation, and performance practitioners. Users can inspect the segmented tumor regions,
evaluation. The use of traditional machine learning upload MRI scans, and get real-time categorization results.
techniques for tumor classification is made easier by Scikit- Flask's simplicity, adaptability, and ease of integration with
learn's intuitive interface and effective machine learning Python-based machine learning models make it the perfect
algorithm implementation. choice for this project. While the framework's versatility
guarantees that further features and functionalities.
 Tools for Regularization and Data Augmentation
The high-performance data augmentation package VIII. RESULTS
Albumentations is essential for boosting the resilience of
deep learning models, particularly when dealing with sparse The Deep Learning-Driven MRI Image Segmentation
medical image datasets. Rotations, flipping, scaling, and and Classification for Brain cancers research showed how to
cropping are just a few of the many transformations that are automate the analysis of brain cancers from MRI images by
applied to the MRI pictures in this project using utilizing sophisticated deep learning algorithms. The U-Net
Albumentations. By artificially expanding the dataset, these segmentation design successfully separated various brain
augmentations help the models avoid overfitting and tumor forms, including gliomas and meningiomas, with a
improve generalization. By adding a variety of variations to high Dice Similarity Coefficient (DSC), typically exceeding
the input data, the model can adapt better to new, unseen 85%. With a mean average precision (mAP) of 90%, the
images and become more resilient to changes. YOLOv5 model demonstrated remarkable performance in
tumor detection, allowing for quick tumor localization with
an average inference time of only 1-2 seconds per image.
SVM and Random Forest (RF) were used to classify tumors,
with 92% and 89% accuracy rates, respectively.

IJISRT25FEB1097 www.ijisrt.com 1482


Volume 10, Issue 2, February – 2025 International Journal of Innovative Science and Research Technology
ISSN No:-2456-2165 https://doi.org/10.5281/zenodo.14964479

IX. DISCUSSION [3]. Brain tumor segmentation using convolutional neural


networks in MRI images. (2016, May 1). IEEE
The experiment effectively illustrated how deep Journals & Magazine | IEEE Xplore.
learning can automate the segmentation and categorization https://ieeexplore.ieee.org/abstract/document/7426413/
of brain tumors. High accuracy was demonstrated by U-Net references#references
for segmentation and YOLOv5 for tumor detection, [4]. Isensee, F., Jaeger, P. F., Kohl, S. A., Petersen, J., &
providing considerable promise for aiding medical Maier-Hein, K. H. (2021). nnU-Net: A self-configuring
professionals in diagnosis. However, when tumors were tiny method for deep learning-based biomedical image
or situated in intricate anatomical areas, performance segmentation. Nature Methods, 18(2), 203-211.
declined. Deep learning models, which can automatically https://doi.org/10.1038/s41592-020-01008-z
extract complicated characteristics from data, outperformed [5]. Ronneberger, O., Fischer, P., & Brox, T. (2015). U-
traditional machine learning models like SVM and Random Net: Convolutional networks for biomedical image
Forest, despite the latter's strong classification performance. segmentation. International Conference on Medical
Although managing tiny tumors and integrating 3D MRI Image Computing and Computer-Assisted Intervention
scans could increase accuracy, the method demonstrated (MICCAI), 234-241. https://doi.org/10.1007/978-3-
potential for real-time clinical usage. With potential uses in 319-24574-4_28
clinical settings for quicker, more precise diagnosis, this [6]. Redmon, J., & Farhadi, A. (2018). YOLOv3: An
effort lays the groundwork for future developments in brain incremental improvement. arXiv preprint
tumor detection and categorization. arXiv:1804.02767.
[7]. Zhou, Z., Siddiquee, M. M. R., Tajbakhsh, N., &
X. CONCLUSION Liang, J. (2018). UNet++: A nested U-Net architecture
for medical image segmentation. Deep Learning in
In conclusions, The Deep Learning-Driven MRI Image Medical Image Analysis and Multimodal Learning for
Segmentation and Classification for Brain Tumors project, Clinical Decision Support, 3-11.
in summary, effectively illustrated how sophisticated deep https://doi.org/10.1007/978-3-030-00889-5_1
learning methods may be used to automate the identification, [8]. Litjens, G., Kooi, T., Bejnordi, B. E., et al. (2017). A
division, and categorization of brain tumors from MRI scans. survey on deep learning in medical image analysis.
While YOLOv5 offered successful and quick tumor region Medical Image Analysis, 42, 60-88.
detection, the U-Net architecture demonstrated superior https://doi.org/10.1016/j.media.2017.07.005
accuracy in tumor segmentation. The system's performance [9]. Han, X. (2017). Automatic liver lesion segmentation
was further improved by using conventional machine using a deep convolutional neural network method.
learning classifiers for tumor classification, like SVM and arXiv preprint arXiv:1704.07239.
Random Forest, which produced encouraging results for [10]. Hosseini-Asl, E., Keynton, R., & El-Baz, A. (2016).
distinguishing between benign and malignant tumors. By Alzheimer's disease diagnostics by a 3D deeply
offering quicker and more precise diagnostic support, this supervised adaptable convolutional network. arXiv
deep learning and machine learning combo has the potential preprint arXiv:1607.00556.
to greatly help medical professionals. [11]. Menze, B. H., Jakab, A., et al. (2015). The Multimodal
Brain Tumor Image Segmentation Benchmark
Despite the system's good performance, some issues (BRATS). IEEE Transactions on Medical Imaging,
were found, namely the inability to recognize small or 34(10), 1993-2024.
complicated tumors. In order to increase accuracy and https://doi.org/10.1109/TMI.2014.2377694
robustness, future research could concentrate on resolving [12]. Zhao, X., Wu, Y., et al. (2019). Deep learning for brain
these issues, integrating 3D MRI scans, and investigating tumor classification: A combined 3D convolutional
other deep learning methods. The system is a useful tool for neural network and recurrent neural network approach.
clinical applications because to its real-time processing Frontiers in Oncology, 9, 842.
capabilities, and with additional development, it may https://doi.org/10.3389/fonc.2019.00842
become a key component in enhancing early brain tumor [13]. Bakas, S., et al. (2017). Advancing the cancer genome
diagnosis and supporting treatment planning. atlas glioma MRI collections with expert segmentation
labels and radiomic features. Scientific Data, 4,
REFERENCES 170117. https://doi.org/10.1038/sdata.2017.117
[14]. Pereira, S., Pinto, A., et al. (2016). Brain tumor
[1]. S. Bauer, "A survey ofMRI-based medical image segmentation using convolutional neural networks in
analysis for brain tumor studies", Phys. Med. Biol., MRI images. IEEE Transactions on Medical Imaging,
vol. 58, no. 13, pp. 97-129, 2013. 35(5), 1240-1251.
[2]. B. Menze, "The multimodal brain tumor image https://doi.org/10.1109/TMI.2016.2538465
segmentation benchmark(BRATS)", IEEE Trans. Med. [15]. Salehi, S. S. M., Erdogmus, D., & Gholipour, A.
Imag., vol. 34, no. 10, pp. 1993-2024, Oct. 2015. (2017). Auto-context convolutional neural network
(Auto-Net) for brain extraction in magnetic resonance
imaging. IEEE Transactions on Medical Imaging,
36(11), 2319-2330.
https://doi.org/10.1109/TMI.2017.2738546

IJISRT25FEB1097 www.ijisrt.com 1483

You might also like