Skip to main content

ORIGINAL RESEARCH article

Front. Neurol., 22 August 2024
Sec. Neurotechnology
This article is part of the Research Topic Computer Vision and Image Synthesis for Neurological Applications View all articles

Enhancing brain tumor detection in MRI images using YOLO-NeuroBoost model

\r\nAruna Chen,,Aruna Chen1,2,3Da Lin
Da Lin4*Qiqi GaoQiqi Gao1
  • 1College of Mathematics Science, Inner Mongolia Normal University, Hohhot, China
  • 2Center for Applied Mathematical Science, Inner Mongolia, Hohhot, China
  • 3Laboratory of Infinite-Dimensional Hamiltonian System and Its Algorithm Application, Ministry of Education (IMNU), Hohhot, China
  • 4School of Mathematical Sciences, Inner Mongolia University, Hohhot, China

Brain tumors are diseases characterized by abnormal cell growth within or around brain tissues, including various types such as benign and malignant tumors. However, there is currently a lack of early detection and precise localization of brain tumors in MRI images, posing challenges to diagnosis and treatment. In this context, achieving accurate target detection of brain tumors in MRI images becomes particularly important as it can improve the timeliness of diagnosis and the effectiveness of treatment. To address this challenge, we propose a novel approach–the YOLO-NeuroBoost model. This model combines the improved YOLOv8 algorithm with several innovative techniques, including dynamic convolution KernelWarehouse, attention mechanism CBAM (Convolutional Block Attention Module), and Inner-GIoU loss function. Our experimental results demonstrate that our method achieves mAP scores of 99.48 and 97.71 on the Br35H dataset and the open-source Roboflow dataset, respectively, indicating the high accuracy and efficiency of this method in detecting brain tumors in MRI images. This research holds significant importance for improving early diagnosis and treatment of brain tumors and provides new possibilities for the development of the medical image analysis field.

1 Introduction

Brain tumors refer to the abnormal proliferation of cells within or surrounding the brain, manifesting either as benign or malignant diseases (13). Benign tumors, such as meningiomas, typically grow slowly and do not invade surrounding tissues; whereas malignant tumors, such as glioblastomas, usually grow rapidly, are highly invasive, and are difficult to completely remove. Brain tumors directly compress brain functions, leading to increased intracranial pressure and symptoms such as headaches, blurred vision, and changes in cognition and mood (46). If the tumor persists or worsens, it may cause permanent neurological damage or fatal outcomes. Moreover, depending on the type and location of the tumor, patients may experience a range of health issues from mild memory loss to severe physical disabilities. For example, gliomas are the most common type of malignant brain tumor in adults, originating from glial cells in the brain and spinal cord; while medulloblastomas, more common in children, typically occur in the cerebellum, affecting balance and coordination. Each type of brain tumor has its unique biological characteristics, treatment responses, and prognoses.

In terms of treatment, the management of brain tumors typically requires a combination of multiple therapeutic strategies. Surgery aims to remove as much of the tumor tissue as possible, while radiation and chemotherapy are used to eliminate tiny residual lesions or control further growth of the tumor (79). Early detection and precise localization are particularly important for the diagnosis and treatment of brain tumors. In recent years, object detection technology applied in the field of medical imaging, especially in the automatic detection and localization of brain tumors, has provided significant technical support. These technologies use advanced image analysis and machine learning algorithms to identify abnormal structures from complex medical imaging data, greatly assisting physicians in making rapid and accurate diagnoses (1012). This not only lays the foundation for targeted and immunotherapy for specific types of brain tumors but also offers patients more personalized and effective treatment options.

However, despite significant progress in object detection technology across various domains, its application in MRI image analysis still faces some noticeable limitations. Confronted with MRI images, current object detection algorithms primarily grapple with the challenge of handling the inherent high heterogeneity and complexity of these imaging techniques (13, 14). MRI images exhibit significant differences in contrast, spatial resolution, and presented anatomical details, posing challenges to the universality and accuracy of algorithms. Additionally, the quality and consistency of MRI images are influenced by various factors, including equipment configuration, imaging technique parameters, and patient movement during imaging (15). These factors may lead to increased noise and contrast issues in images, thereby affecting the performance of object detection algorithms. Moreover, due to the immense diversity in the morphology, size, and boundaries of brain tumors, existing algorithms often struggle to accurately differentiate between tumor tissue and normal brain tissue, especially in cases where tumor boundaries are unclear or contrast with surrounding tissue is low.

In recent years, with the rapid development of deep learning technology, various object detection algorithms have been widely applied to the automatic detection and localization of brain tumors. Among these, the Faster R-CNN algorithm uses its built-in Region Proposal Network (RPN) to automatically identify candidate regions in images, then refines the classification and bounding box regression of these regions, enhancing detection accuracy (16). However, Faster R-CNN has relatively slow processing speeds, which can limit its application in real-time scenarios. The YOLO algorithm is known for its rapid image processing capability, dividing images into multiple grids, each predicting bounding boxes and probabilities, facilitating fast detection (17). However, its accuracy decreases when handling medical images with complex backgrounds. SSD combines multi-scale feature maps to improve detection precision, suitable for tumors of various sizes, balancing speed and accuracy, though it still has room for improvement in detecting very small or vague tumors. RetinaNet uses focal loss to address class imbalance, optimizing the detection of hard-to-recognize tumors, though it requires substantial resources during training (18). Mask R-CNN, an extension of Faster R-CNN, not only detects targets but also generates high-quality segmentation masks, excelling in precisely delineating tumor and normal tissue boundaries but requiring significant computational resources (19). Additionally, the latest YOLOv8 stands out in enhancing processing speed and accuracy, especially suitable for real-time diagnostic environments (20), but it still needs further optimization for accurately detecting highly overlapping tumor regions and small tumors. The development of these technologies continues to advance the field of medical imaging, and despite some limitations, their role in future medical diagnostics is increasingly important.

To address the limitations of existing methods, this paper introduces the YOLO-NeuroBoost model. This model integrates multiple innovative technologies aimed at enhancing the detection of brain tumors in MRI images. Firstly, the model utilizes KernelWarehouse technology, dynamically selecting and assembling convolution kernels based on input data features, thereby replacing traditional convolution kernels and significantly enhancing the model's adaptability and overall performance. Secondly, by incorporating the CBAM, it strengthens the recognition and processing of crucial image features, effectively improving the accuracy of brain tumor detection. Lastly, the implementation of the Inner-GIoU loss function allows for more precise bounding box localization in complex image scenarios and enhances sensitivity to various sized targets through adjustments of the scaling factor ratio, further improving detection accuracy. Through the integration of these advanced technologies, the YOLO-NeuroBoost model provides a practical solution for accurate and reliable brain tumor detection, significantly aiding in early diagnosis and treatment planning for patients.

• The YOLO-NeuroBoost model is proposed, which significantly enhances the detection capability of brain tumors in MRI images by integrating innovative technologies such as KernelWarehouse, CBAM, and Inner-GIoU loss function.

• The methods proposed in this paper demonstrate strong practicality and versatility. They can not only be applied to the detection of brain tumors in MRI images but also extended to other medical imaging fields, providing new insights and methods for medical image analysis.

• Through the research presented in this paper, more accurate and reliable methods for brain tumor detection are provided for clinical medicine. This aids physicians in early diagnosis and formulation of more effective treatment plans, offering crucial support for patients with brain tumors.

Here is the structure of the remaining work. Section 2 introduces the related work in brain tumor object detection. Section 3 will elaborate on the principles of our approach. Section 4 will describe our experimental process. Finally, Section 5 summarizes and provides an outlook on future work.

2 Related work

2.1 Machine learning methods and their applications in brain tumor detection in MRI images

In the field of brain tumor detection and diagnosis, Magnetic Resonance Imaging (MRI) has become an indispensable tool, with machine learning methods playing a crucial role in this process (13). Various algorithms have been developed and applied for the automatic detection and identification of brain tumors from MRI images. For example, clustering algorithms based on Particle Swarm Optimization (PSO) effectively identify tumor regions by analyzing the centroids of numerous brain tumor patterns obtained from MRI images (21, 22). Additionally, Discrete Wavelet Transform (DWT) is widely used as an initial step in feature extraction, transforming input images to extract key information, followed by Principal Component Analysis (PCA) to reduce the dimensionality of the feature vectors, thereby simplifying subsequent processing steps (23). Support Vector Machines (SVM) are powerful classification tools commonly used to categorize MRI brain images into normal and abnormal categories (24). Moreover, Feedback Pulse Coupled Neural Networks (FPCNN) are also used for the segmentation and detection of Regions of Interest (ROI), which are crucial steps in determining the location of brain tumors. Simultaneously, DWT continues to play a role in the feature extraction stage, enhancing the analysis capability of the images (25). In more complex analyses, the Generalized Autoregressive Conditional Heteroskedasticity (GARCH) model is introduced to handle potential time-series data, which is particularly important in dynamic MRI analysis (26, 27). Genetic Algorithms (GA) combined with curve-fitting techniques and SVM further enhance the model's predictive accuracy and generalization capabilities (28). The MRI image processing workflow typically begins with image input, followed by image enhancement, skull stripping, fuzzy C-means clustering, and feature extraction, among other steps. These steps form a comprehensive preprocessing workflow that lays the foundation for subsequent machine learning analysis. Additionally, applications of Hybrid Fuzzy Segmentation-Self Organizing Map (HFS-SOM) clustering and Gray Level Co-occurrence Matrix provide effective means for extracting complex texture features from MRI images (28, 29). Lastly, methods combining Extended Kalman Filters (EKF) with Support Vector Machines (SVM) offer a novel perspective for MRI image analysis, dynamically updating and improving model parameters to adapt to complex and changing image data characteristics, thus enhancing the accuracy and efficiency of brain tumor detection (30). The integrated application of these methods demonstrates the powerful potential of advanced image processing and machine learning technologies in brain tumor detection and diagnosis.

2.2 Advances in brain tumor detection in MRI images using YOLO algorithm series

In the field of brain tumor detection in MRI images, the YOLO (You Only Look Once) series of algorithms has made significant advancements in accuracy, speed, and functionality through a series of version upgrades. Initially, YOLOv3, an early version, introduced multi-scale prediction and utilized the Darknet-53 backbone network to extract features at three different scales, effectively enhancing the recognition capabilities for brain tumors of varying sizes (1, 31). Despite its substantial improvements in detection speed and accuracy, YOLOv3 still had room for improvement in sensitivity to very small or blurred tumors. Subsequently, YOLOv4, while maintaining high speed, incorporated the CSPDarknet53 backbone network along with more data augmentation techniques and attention mechanisms, further optimizing the network's generalization ability (32). These enhancements not only improved YOLOv4's ability to capture details of brain tumors, especially in complex backgrounds but also enhanced the model's stability and accuracy. Moving forward, YOLOv5, with its more flexible and modular design, simplified the deployment and usage of the model. By adopting a smaller model size and automated hyperparameter optimization, YOLOv5 significantly reduced the demand on computing resources while maintaining high accuracy, making it exceptionally effective in real-time brain tumor detection applications (33). YOLOv6 and YOLOv7 continued to innovate in model architecture and training strategies, such as introducing a more advanced FPN structure for feature processing, which enhanced the model's capability to recognize complex forms of brain tumors, demonstrating the further potential of deep learning technologies (20, 27, 34). The latest YOLOv8 made significant design innovations in the backbone network and Neck sections, such as replacing the C3 structure from YOLOv5 with a more gradient-rich C2f structure, and optimizing the channel numbers for different scale models. In the Head section, by adopting a decoupled head structure (Decoupled-Head) and shifting from an Anchor-Based to an Anchor-Free design, combined with the use of the Task-Aligned Assigner for positive and negative sample matching and introducing the Distribution Focal Loss (DFL), YOLOv8 significantly enhanced the model's accuracy and efficiency in detecting brain tumors. Overall, the iterative and optimized development of the YOLO algorithms continues to push the frontiers of machine learning in medical image analysis, particularly in the detection of brain tumors in MRI images (20).

3 Method

3.1 Overview of our network

In this study, we propose the YOLO-NeuroBoost model, specifically innovating upon the YOLOv8 algorithm to enhance the accuracy and efficiency of brain tumor detection in MRI images. Our approach includes several technical innovations: Firstly, we introduced the KernelWarehouse to replace traditional convolutional kernels. In this enhancement, we reevaluated the dependency relationships of convolutional parameters within and across layers, and redefined the fundamental concepts of “kernels,” “assembled kernels,” and “attention functions” within the context of dynamic convolution. KernelWarehouse, as a more generalized form of dynamic convolution, allows the model to dynamically select and assemble the most suitable convolutional kernels based on the characteristics of the input data, significantly improving the model's adaptability and performance. Secondly, to further enhance the model's ability to capture important features in images, we incorporated the CBAM (Convolutional Block Attention Module) attention mechanism. CBAM enhances the model's focus on critical areas of the image through spatial and channel attention sequences, thereby improving the precision of brain tumor detection. Lastly, we improved the loss function by introducing the Inner-GIoU loss. This new loss function assists in the precise localization of bounding boxes by calculating the IoU (Intersection over Union) loss, especially in complex or occluded scenarios. To adapt the loss function to different datasets and detection requirements, we introduced a scaling factor ratio that controls the size of the auxiliary bounding boxes used for loss calculation, adjusting the model's sensitivity to targets of varying sizes. These improvements not only enhance the accuracy of brain tumor detection but also optimize the model's versatility and robustness in processing different types of MRI image data. This series of technical innovations opens new possibilities for the application of deep learning in the field of medical image analysis. The network architecture of YOLO-NeuroBoost is shown in Figure 1.

Figure 1
www.frontiersin.org

Figure 1. The diagram of the YOLO-NeuroBoost network structure.

3.2 YOLOv8 network

The YOLO model is a revolutionary object detection framework known for its single-stage detection mechanism, which achieves real-time performance while maintaining high accuracy. YOLOv8, as the latest iteration in the series, continues to use and improve upon the design concepts of previous versions (35). This version features a more refined backbone network and Neck part, inspired by the ELAN design of YOLOv7, where the C3 module from YOLOv5 has been replaced with the C2f module, which provides richer gradient flow, enhancing the effect of feature extraction. Additionally, YOLOv8 has undergone significant reforms in its head structure, introducing the currently mainstream decoupled head structure and shifting from an anchor-based design to an anchor-free approach, which helps simplify the training process and enhance the model's versatility. In its data augmentation strategy, YOLOv8 has adopted practices from YOLOX, particularly in disabling Mosaic enhancement in the last 10 epochs of training, a strategy proven to effectively improve the model's accuracy. For our model, these improvements in YOLOv8 have significantly enhanced the accuracy and efficiency of detecting brain tumors in MRI images, providing strong technical support for the early diagnosis and precise treatment of brain tumors and showcasing the potential of deep learning in the field of advanced medical image processing. The network architecture of YOLOv8 is shown in Figure 2.

Figure 2
www.frontiersin.org

Figure 2. The diagram of the YOLOv8 network structure (20).

However, YOLOv8 also has some shortcomings. Firstly, traditional convolutional networks may not be flexible enough when dealing with highly heterogeneous medical images, and fixed convolutional kernels may struggle to adapt to complex image features. Secondly, although the basic YOLOv8 model performs well with images that have complex backgrounds, there is still room for improvement in sensitivity and precision for specific medical images, such as MRI. Additionally, the standard loss functions may be inadequate for precise boundary localization of objects within medical images, especially in cases of unclear boundaries or partial obstructions.

In the following sections, we will detail the improvements made to address the aforementioned issues. These enhancements are designed to increase the flexibility, accuracy, and efficiency of the YOLOv8 model in processing medical images, particularly in the detection of brain tumors in MRI scans. Through these innovative approaches, we aim to significantly enhance the model's performance in medical applications, especially in handling brain tumor images with complex backgrounds and unclear boundaries.

3.3 KernelWarehouse

The KernelWarehouse model introduces an innovative dynamic convolution approach that enhances the capability of convolutional neural networks to process complex images or sequence data (36). In KernelWarehouse, the standard convolution operation, which typically relies on fixed kernels W, is replaced by a flexible kernel mixing mechanism. Specifically, both the input x and the output y maintain the same spatial resolution, where x represents the input features and y the output features, while the kernel W is no longer static but is a linear combination of multiple static kernels W = α1W1 + … + αnWn, with α1, …, αn being attention weights based on the input. Figure 3 shows the network architecture of KernelWarehouse. This design of dynamic convolution kernels allows KernelWarehouse to dynamically adjust its processing core based on the features of the input data, achieving more precise feature extraction. Compared to traditional dynamic convolution methods, the innovation of KernelWarehouse lies in its application of the attention-mixing learning paradigm at a more granular kernel level.

Figure 3
www.frontiersin.org

Figure 3. Schematic illustration of KernelWarehouse (36).

Below we introduce the key idea of KernelWarehouse.

The fundamental concept of kernel partitioning is to exploit the dependencies of parameters within the same convolutional layer explicitly. This approach aims to reduce the dimensionality of each kernel while increasing the total number of kernels. The kernel partitioning can be mathematically defined as follows:

W=w1wm, and for all i,j{1,,m},ij,wiwj=.    (1)

Where W: Represents the entire set of convolutional kernels. wi: Represents a subset of the kernel set W, i indexes the subset. m: Indicates the total number of subsets into which W is divided. Through this kernel partitioning method, KernelWarehouse is able to decompose a large set of convolutional kernels into smaller, independent segments, each focusing on capturing specific features of the input data. This strategy not only enhances the model's ability to process specific data features but also optimizes overall network parameter efficiency and learning outcomes.

Following the straightforward design principle of kernel partitioning, the main goal of warehouse sharing in the KernelWarehouse model is to enhance parameter efficiency and representation capability by explicitly exploiting the dependencies between parameters across consecutive convolutional layers. This approach allows for a more effective sharing and utilization of kernel subsets, optimizing the network's performance by leveraging learned features across different layers.

S=s1sn, where siW, for all i{1,,n}.    (2)

Where S, which represents a set of kernel subsets shared across different convolutional layers, with each subset si being part of the entire kernel set W.

sisj=, for all distinct i,j{1,,n}.    (3)

Where si is mutually exclusive from others, maintaining independence between different shared partitions.

W=i=1nβisi, with βi being the tuning coefficients.    (4)

Where si are combined to form a new effective kernel W′ used in the convolution operations. The coefficients βi allow for dynamic adjustment of the influence each subset has, which can be tuned based on specific tasks or data characteristics.

3.4 Convolutional Block Attention Module

CBAM (Convolutional Block Attention Module) is an advanced attention mechanism designed to enhance the effectiveness of convolutional neural networks by focusing on relevant features within the input data (37). It incorporates attention across both spatial and channel dimensions, ensuring that the network prioritizes the most informative parts of the input.

The CBAM module consists of two sequential components: the Channel Attention Module (CAM) and the Spatial Attention Module (SAM). The CAM focuses on identifying the most informative channels. It achieves this by aggregating spatial information through global average pooling and max pooling operations, which emphasize significant channels by exploiting inter-channel relationships. Following this, the SAM directs the network's focus to important spatial locations in the input data. This sequential attention to both channels and spatial locations ensures that the network adapts dynamically to focus more on salient features that are crucial for the task at hand. Figure 4 shows the network architecture diagram of CBAM.

Figure 4
www.frontiersin.org

Figure 4. The diagram of the CBAM network structure.

In our model, the integration of CBAM has significantly contributed to improving the overall accuracy and robustness. By allowing the network to focus on the most relevant features and regions, CBAM helps in reducing the influence of irrelevant information and enhances the model's ability to generalize across different and challenging datasets. This makes it particularly valuable in applications such as medical imaging and object detection, where precision is critical. The inclusion of CBAM in our architecture has demonstrably enhanced feature representation capabilities, leading to better performance and more efficient learning. Below, we introduce the mathematical formulas of the CBAM:

First, we compute the channel attention map by combining the features processed through two different pooling strategies:

Mc=σ(MLP(AvgPool(F))+MLP(MaxPool(F)))    (5)

Where Mc represents the channel attention map, σ is the sigmoid function, MLP denotes a multi-layer perceptron, AvgPool and MaxPool are average and max pooling operations respectively, and F is the input feature map.

Next, we apply the channel attention map to the input feature map to enhance relevant channels:

F=Mc·F    (6)

Where F′ is the feature map after applying channel attention, Mc is the channel attention map from the previous equation, and · denotes element-wise multiplication. Following channel attention, we compute the spatial attention map, which highlights important spatial regions using a convolutional filter applied to pooled features:

Ms=σ(f7×7([AvgPool(F);MaxPool(F)]))    (7)

Where Ms is the spatial attention map, σ is the sigmoid function, f7×7 represents a convolution operation with a 7 × 7 filter, and AvgPool, MaxPool operations are applied across the channel dimension of F′.

The spatial attention map is then applied to the previously refined feature map to further highlight important spatial features:

F=Ms·F    (8)

Where F″ is the output feature map after applying spatial attention, Ms is the spatial attention map from the previous equation, and · denotes element-wise multiplication.

Finally, we combine the attentively processed feature map with the original input to ensure information continuity and completeness:

F^=F+F    (9)

Where F^ is the final output feature map, F″ is the feature map after applying spatial attention, and F is the original input feature map, demonstrating the residual connection.

3.5 Inner-GIoU

The Inner-IoU loss function is an innovative approach designed to address some inherent limitations in traditional IoU (Intersection over Union) loss calculations (38), especially in bounding box regression (BBR) tasks like those in YOLOv8. Traditional IoU-based BBR methods often accelerate convergence by adding new loss components but tend to overlook the limitations of the IoU loss itself. The Inner-IoU loss function starts with an in-depth analysis of the BBR model, revealing that differentiating between various regression samples and using auxiliary bounding boxes of different scales for loss computation can effectively speed up the bounding box regression process. Specifically, for samples with high IoU, using smaller auxiliary bounding boxes to compute the loss can accelerate convergence; whereas for low IoU samples, larger auxiliary bounding boxes are more appropriate. By introducing a scaling factor ratio to control the scale of the auxiliary bounding boxes used for loss computation, the bounding box regression process is optimized. Figure 5 illustrates the concept of Inner-IoU.

Figure 5
www.frontiersin.org

Figure 5. Description of Inner-IoU (38).

The introduction of the Inner-IoU loss function has significantly enhanced the accuracy and efficiency of our model in detecting brain tumors in MRI images. Through a refined loss calculation strategy, our model can adjust bounding boxes more quickly and accurately, thereby improving the robustness and precision of detection. The incorporation of the scaling factor ratio allows the model to dynamically adjust the loss calculation method when handling different IoU samples, resulting in greater adaptability and exceptional performance in various complex scenarios. Below, we introduce the main mathematical derivation process of Inner-IoU. IoU is defined as follows:

IoU=|BBgt||BBgt|    (10)

Where B and Bgt represent the predicted box and the ground truth (GT) box, respectively. Additionally, GIoU was developed to address the problem of gradient vanishing when the anchor box and the GT box have zero overlap. The GIoU loss function is defined as follows:

LGIoU=1-IoU+|C-BBgt||C|    (11)

To derive Inner-IoU in more detail, we need to understand the following concepts. The ground truth (GT) box and anchor are denoted as Bgt and B, respectively. The center points are (xgtc, ygtc) for the GT box and (xc, yc) for the anchor. The width and height of the GT box are wgt and hgt, while those of the anchor are w and h. The variable “ratio” is the scaling factor, typically between [0.5, 1.5]. The specific expressions are as follows:

blgt=xcgt-wgt*ratio2,   brgt=xcgt+wgt*ratio2    (12)
btgt=ycgt-hgt*ratio2,   bbgt=ycgt+hgt*ratio2    (13)
bl=xc-w*ratio2,   br=xc+w*ratio2    (14)
bt=yc-h*ratio2,   bb=yc+h*ratio2    (15)
inter=(min(brgt,br)-max(blgt,bl))*(min(bbgt,bb)-max(btgt,bt))    (16)
union=(wgt*hgt)*(ratio)2+(w*h)*(ratio)2-inter    (17)

The final formula for Inner-IoU is as follows:

IoUinner=interunion    (18)

Through extensive experiments, we finally combined Inner-IoU with GIoU, resulting in the final loss function as follows:

LInner-GIoU=LGIoU+IoU-IoUinner    (19)

Where LInner-GIoU represents the Inner-GIoU loss proposed in this paper, IoUinner represents Inner-IoU, and LGIoU represents the GIoU loss. By incorporating KernelWarehouse, CBAM, and Inner-GIoU, we successfully enhanced the accuracy and efficiency of brain tumor detection in MRI images. KernelWarehouse optimized the flexibility of convolutional kernels, CBAM improved feature extraction capabilities, and Inner-GIoU refined the loss function calculation. These innovations combined to enable our model to excel in processing complex medical images, providing stronger technical support for clinical diagnosis.

4 Experiments

4.1 Datasets

In this experiment, we used two datasets to validate the effectiveness of our method: the Br35H dataset (39) and the open-source Roboflow dataset (40). Figure 6 shows samples from these datasets.

Figure 6
www.frontiersin.org

Figure 6. Sample displays of the Br35H dataset and the Roboflow dataset. (A) shows a sample from the Br35H dataset. (B) shows a sample from the Roboflow dataset.

The Br35H dataset is an MRI image dataset for brain tumor detection and classification, containing 801 brain MRI images. These images are divided into three parts: 561 images for training, 160 images for testing, and 80 images for validation. The images are classified into categories of with tumor and without tumor. The Br35H dataset provides a moderate amount of data and diversity for deep learning-based brain tumor detection and classification.

The Roboflow dataset is an open-source brain tumor MRI image dataset, containing a total of 76 images. For the experiment, the dataset is divided as follows: 60 images for training, nine images for testing, and seven images for validation. The Roboflow dataset also includes MRI images classified as with tumor and without tumor, providing a rich data source for our experiments.

Table 1 shows the specific division of the datasets. Through experiments on these two datasets, we can comprehensively validate the effectiveness and robustness of our method under different data conditions. The Br35H dataset offers a larger data volume suitable for training and validating deep learning models, while the Roboflow dataset provides additional diversity and challenges through its smaller scale, ensuring our method performs well under various conditions. This dual-validation strategy makes our research results more reliable and widely applicable.

Table 1
www.frontiersin.org

Table 1. The data set partitioning is in the Br35H dataset and the Roboflow dataset.

4.2 Experiments environment

The hardware and software configurations for this experiment are shown in Table 2. It includes a computer equipped with an Intel(R) Xeon(R) Gold 6129 CPU, running at a frequency of 2.30 GHz with 32 cores. The system also features ten NVIDIA Tesla V100-PCIE GPUs, totaling 160GB of VRAM, and 187GB of memory, ensuring ample computational resources to handle complex tasks.

Table 2
www.frontiersin.org

Table 2. Experiment configuration environment.

4.3 Metrics

In this experiment, our method evaluates the performance of the model using the following metrics: Precision (PR), Recall (RE), Sensitivity (SE), Specificity (SP), Accuracy (AC), F1-Score, and mAP50. Below, we detail these metrics and provide the corresponding formulas.

Precision (PR) measures the proportion of true positive samples among the samples predicted as positive by the model. The formula is:

PR=TPTP+FP    (20)

where TP (True Positive) represents the true positives, and FP (False Positive) represents the false positives.

Recall (RE) measures the proportion of actual positive samples correctly predicted as positive by the model. The formula is:

RE=TPTP+FN    (21)

where FN (False Negative) represents the false negatives.

Sensitivity (SE) is synonymous with recall, measuring the proportion of actual positive samples correctly predicted as positive by the model. The formula is:

SE=TPTP+FN    (22)

Specificity (SP) measures the proportion of actual negative samples correctly predicted as negative by the model. The formula is:

SP=TNTN+FP    (23)

where TN (True Negative) represents the true negatives.

Accuracy (AC) measures the proportion of correct predictions among all predictions made by the model. The formula is:

AC=TP+TNTP+TN+FP+FN    (24)

F1-Score is the harmonic mean of precision and recall, providing a balance between the two metrics. The formula is:

F1=2·PR·REPR+RE    (25)

mAP calculates the mean of average precisions across all classes:

mAP=1Ni=1NAPi    (26)

Where APi is the average precision for the ith class and N is the total number of classes.

Through these metrics, we can comprehensively evaluate the performance of the model on different datasets. These metrics help us understand the model's performance and reliability in various classification tasks.

4.4 Implementation details

4.4.1 Parameter settings

In this experiment, we carefully set the model parameters to optimize the training process and performance. The specific parameters include: an initial learning rate set to 0.001, with a cosine annealing scheduler gradually reducing the learning rate to ensure stable convergence in the later stages of training; a batch size of 16 to ensure efficient use of computational resources and accelerate the training process; 300 epochs to ensure the model fully learns the data features and improves generalization ability; a weight decay coefficient of 0.0005 to prevent overfitting; the Adam optimizer, which combines momentum and adaptive learning rates to effectively speed up model convergence; the model consists of 245 layers with a total of 10,236,528 parameters, ensuring sufficient complexity to capture subtle features in MRI images. The specific settings are shown in Table 3.

Table 3
www.frontiersin.org

Table 3. Training parameters.

4.4.2 Algorithm process

Algorithm 1 illustrates the training process of our network, using the Br35H dataset and the open-source Roboflow dataset. First, the model parameters and hyperparameters are initialized. Then, for each training epoch, forward propagation, loss calculation, and gradient updates are performed for each batch. We introduced the Inner-GIoU loss function to improve the accuracy of bounding box localization. The model's performance is continuously evaluated on the validation set, and if performance improves, the model parameters are saved, ensuring the model's efficiency and accuracy under different data conditions.

Algorithm 1
www.frontiersin.org

Algorithm 1. Training YOLO-NeuroBoost on Br35H and Roboflow Datasets

4.4.3 Training results

Figure 7 shows the changes in the loss functions and evaluation metrics during the training and validation process of the YOLO-NeuroBoost model. The figure includes the trends of the bounding box loss, classification loss, and dynamic convolution loss on both the training and validation sets, demonstrating that these losses gradually decrease as training progresses. Additionally, the figure shows the improvement trends in metrics such as Precision, Recall, mAP50, and mAP50-95. These results indicate that our model effectively improves the accuracy and robustness of tumor detection in brain MRI images, highlighting the strong potential of YOLO-NeuroBoost in the field of medical image analysis.

Figure 7
www.frontiersin.org

Figure 7. The results of the proposed model.

4.5 Comparison to prior work

As shown in Table 4, the experimental section presents a comparison of the performance of different models on the Roboflow and Br35H datasets. We evaluated each model's performance across several key performance metrics, including mean Average Precision (mAP50), Precision Rate (PR), Recall (AC), and F1-Score. The YOLO-NeuroBoost model demonstrated its superior performance on the Roboflow dataset, leading in all metrics. Specifically, the model achieved an mAP50 of 97.71%, PR of 98.67%, AC of 97.72%, and an F1-Score of 97.63%. Although other models, such as YOLOv8n, performed slightly less impressively with an mAP50 of 95.92%, this still reflects a relatively high level of accuracy. In the Br35H dataset, the advantages of the YOLO-NeuroBoost model were even more apparent, as it significantly outperformed other models across all assessment metrics. Specific performances included an mAP50 of 99.52%, PR of 99.48%, AC of 99.51%, and an F1-Score of 99.45%. While other models also performed well on this dataset, they were significantly behind YOLO-NeuroBoost.

Table 4
www.frontiersin.org

Table 4. Comparison of model performance on Roboflow and Br35H datasets.

YOLO-NeuroBoost demonstrated optimal performance on two datasets with distinct characteristics. This not only validates the model's efficiency but also emphasizes its adaptability to different data distributions and significant robustness. Such robustness indicates that YOLO-NeuroBoost has the capability to maintain stable performance in varying environments, providing a solid foundation for its widespread use in tumor detection and other complex application areas.

Figure 8 illustrates the detection results of YOLO-NeuroBoost, demonstrating its clear advantage in the task of brain tumor detection in MRI images. This further validates the outstanding performance of the YOLO-NeuroBoost model across different datasets, confirming its effectiveness and generalization capability.

Figure 8
www.frontiersin.org

Figure 8. YOLO-NeuroBoost brain tumor detection visualization.

Table 5 compares the PARAMS and FLOPs of various models on the Roboflow and Br35H datasets, with the YOLO-NeuroBoost algorithm demonstrating outstanding performance. Compared to other models, YOLO-NeuroBoost exhibits lower PARAMS and FLOPs on both datasets, yet delivers remarkable performance, comparable to models with higher parameter counts and computational loads. On the Roboflow dataset, YOLO-NeuroBoost has 5.68 million parameters and performs 10.03 billion floating-point operations, while on the Br35H dataset, it has 5.65 million parameters and 9.65 billion floating-point operations. This indicates that YOLO-NeuroBoost maintains excellent performance while reducing model complexity, thus providing higher efficiency and feasibility for practical applications. Figure 9 visualizes these data.

Table 5
www.frontiersin.org

Table 5. Comparison of model parameters (PARAMS) and floating point operations (FLOPs) on Roboflow and Br35H datasets.

Figure 9
www.frontiersin.org

Figure 9. Different model parameter comparisons.

4.6 Ablation study

Table 6 presents the results of ablative experiments on various components. We evaluated different configurations of the YOLO-NeuroBoost model and classified them based on whether they include the KernelWarehouse, CBAM, and Inner-GIoU components. Evaluation metrics include mAP50 and mAP50-95. Each row represents a model variant, with a checkmark indicating inclusion and a cross indicating exclusion of components. Firstly, the YOLOv8n model performs at a baseline level when all components are absent (YOLOv8n), with an mAP50 of 83.26. Then, introducing the KernelWarehouse (YOLOv8n-1), CBAM (YOLOv8n-2), and Inner-GIoU (YOLOv8n-3) components individually slightly improves performance, with limited improvement, yielding mAP50 scores of 85.32, 83.26, and 85.34 respectively. Next, simultaneously introducing the KernelWarehouse and CBAM components (YOLOv8n-4) significantly boosts model performance, with an mAP50 of 90.87, indicating a significant impact of combining these two components. Furthermore, introducing all three components into the YOLOv8n model (YOLOv8n-5) results in even greater performance improvement, with an mAP50 of 95.33, demonstrating the additional effect of the Inner-GIoU component. Finally, incorporating all three components into the YOLO-NeuroBoost model (YOLO-NeuroBoost) achieves the highest performance level, with an mAP50 of 97.71, showcasing the advantage of the comprehensive interaction of components.

Table 6
www.frontiersin.org

Table 6. Experiment results for each component.

4.7 Qualitative Results

4.7.1 Detection of small tumors

Our model also performs well in detecting small tumors. As shown in Figure 10, through testing on tumors of different sizes, we found that the YOLO-NeuroBoost model demonstrates outstanding performance in detecting small-sized targets. Not only does our model excel in detecting large targets, but it also exhibits remarkable robustness and accuracy in detecting small tumors. This capability is particularly crucial in fields like medical image analysis, where small anomalies may be harder to perceive but could have significant clinical implications.

Figure 10
www.frontiersin.org

Figure 10. YOLO-NeuroBoost small size brain tumor detection.

4.7.2 Explainability illustration

In Figure 11, we demonstrate the efficiency and interpretability of our model through feature visualization techniques. Using Grad-CAM (Gradient-weighted Class Activation Mapping), our model is able to highlight key features within the tumor images, clearly presenting these in the visualization results. The model not only shows how it focuses on important areas within the images, such as the boundaries and structural details of abnormal tissues, but also aligns highly with the aspects medical experts consider in tumor diagnosis. This interpretability is extremely important in the medical field, as it allows doctors and specialists to deeply understand the model's decision-making process by analyzing these feature maps, leading to more precise diagnoses. Additionally, these intuitive visual explanations not only enhance trust in the model's decision-making process but also provide valuable diagnostic support in clinical practice.

Figure 11
www.frontiersin.org

Figure 11. Brain tumor feature explainability display.

4.7.3 Classification performance

As shown in Figure 12, our model demonstrates outstanding classification performance. Through extensive training and testing with large datasets, we have validated that the model can accurately classify the presence of tumors under various circumstances. Importantly, our model not only effectively identifies and distinguishes various complex features within tumor images but also exhibits excellent robustness when facing challenging diagnostic scenarios. This remarkable classification capability provides reliable support for our model in real-world applications, meeting diverse requirements in medical diagnosis. It offers substantial assistance to healthcare professionals, enabling more precise and timely treatment decisions, ultimately maximizing patients' chances of recovery and survival.

Figure 12
www.frontiersin.org

Figure 12. Brain tumor classification performance display.

4.8 Discussion

We propose the YOLO-NeuroBoost model, which achieved mAP50 scores of 97.71 and 99.52 on the Roboflow dataset and Br35H dataset, respectively, surpassing the performance of models such as yolov8m. This significant improvement is mainly attributed to the KernelWarehouse convolutional operations. This module uses precise feature extraction techniques, optimizing the model's ability to capture crucial information from images. Compared to traditional dynamic convolution, our method applies attention-based hybrid learning paradigms at a finer kernel level, dynamically adjusting the convolutional kernel responses to achieve adaptive feature extraction, thereby enhancing the model's generalization capability and efficiency. Additionally, for the problem of irrelevant information in MRI datasets, we integrated the CBAM attention mechanism. CBAM, through its spatial and channel attention modules, effectively distinguishes and emphasizes the most critical features for diagnosis in the images while suppressing irrelevant information, further enhancing the model's performance in handling medical imaging data. Finally, we introduced the Inner-GIoU loss calculation method, which improves upon traditional IoU loss by using smaller auxiliary bounding boxes to optimize loss calculation. This strategy not only accelerates the model's convergence speed but also improves the accuracy of target detection in complex backgrounds.

Through ablation experiments, we found that each component plays a critical role in enhancing the model's performance. The inclusion of KernelWarehouse, CBAM, or Inner-GIoU individually results in performance improvements, but not significantly. However, when these components are used in combination, the model's performance is significantly enhanced, especially when all three components are included, where the YOLO-NeuroBoost model outperforms other versions on these datasets. Lastly, Figure 11 presents feature visualizations, where we observed that the model can accurately identify and locate target objects. This provides a reliable basis for future in-depth research and optimization, promising further breakthroughs in MRI tumor image recognition.

5 Conclusion

In this study, we introduce an improved YOLOv8 algorithm, termed the YOLO-NeuroBoost model, specifically designed for detecting brain tumors in MRI images. By integrating advanced techniques such as KernelWarehouse, CBAM, and Inner-GIoU, our method significantly enhances the accuracy and robustness of tumor localization and recognition within the images. Despite the exceptional performance of our model in most scenarios, it still encounters challenges in cases with low contrast or high image noise. For our research, we utilized the Br35H and Roboflow datasets, which offer a range of MRI images. However, the diversity of these datasets may still be insufficient to comprehensively represent the various types, scanning parameters, and quality of MRI images. This limitation could potentially affect the model's generalization capabilities and effectiveness in practical applications.

Future endeavors will address several key areas: enhancing image processing techniques to improve robustness against low-quality images; expanding the dataset to include a wider variety of MRI images with varying complexities, thereby boosting the model's generalizability; and exploring methods to more effectively leverage information from multimodal MRI images to elevate model performance. These initiatives are expected to propel significant progress in the medical imaging domain, offering robust support for clinical diagnostics and therapeutic applications.

Data availability statement

The raw data supporting the conclusions of this article will be made available by the authors, without undue reservation.

Ethics statement

Written informed consent from the patients/ participants OR patients/participants legal guardian/next of kin was not required to participate in this study in accordance with the national legislation and the institutional requirements.

Author contributions

AC: Investigation, Methodology, Resources, Formal analysis, Writing – original draft. DL: Investigation, Methodology, Resources, Project administration, Writing – review & editing. QG: Investigation, Supervision, Validation, Writing – review & editing.

Funding

The author(s) declare financial support was received for the research, authorship, and/or publication of this article. This research was supported by the following grants: Mathematics First-class Disciplines Cultivation Fund of Inner Mongolia Normal University (grant no. 2024YLJY04). The project is titled “Mathematical Modeling Teaching Research-Screening Risk Factors and Early Prediction of Frailty Syndrome in the Elderly Population Over 55 in Inner Mongolia Autonomous Region Based on Machine Learning,” and the Inner Mongolia Science and Technology Achievement Transfer and Transformation Demonstration Zone, University Collaborative Innovation Base, and University Entrepreneurship Training Base Construction Project (Supercomputing Power Project; grant no. 21300-231510).

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher's note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

References

1. Kang M, Ting CM, Ting FF, Phan RCW. RCS-YOLO: a fast and high-accuracy object detector for brain tumor detection. In: International Conference on Medical Image Computing and Computer-Assisted Intervention. Cham: Springer (2023). p. 600–610.

Google Scholar

2. Montalbo FJP, A. computer-aided diagnosis of brain tumors using a fine-tuned YOLO-based model with transfer learning. KSII Trans Intern Inform Syst (TIIS). (2020) 14:4816–34.

Google Scholar

3. Badža MM, Barjaktarović MČ. Classification of brain tumors from MRI images using a convolutional neural network. Appl Sci. (2020) 10:1999. doi: 10.3390/app10061999

Crossref Full Text | Google Scholar

4. Dixit A, Singh P. Brain tumor detection using fine-tuned yolo model with transfer learning. In: Artificial Intelligence on Medical Data: Proceedings of International Symposium, ISCMM 2021. Cham: Springer (2022). p. 363–371.

Google Scholar

5. Elazab N, Gab-Allah WA, Elmogy M. A multi-class brain tumor grading system based on histopathological images using a hybrid YOLO and RESNET networks. Sci Rep. (2024) 14:4584. doi: 10.1038/s41598-024-54864-6

PubMed Abstract | Crossref Full Text | Google Scholar

6. Belykh E, Shaffer KV, Lin C, Byvaltsev VA, Preul MC, Chen L. Blood-brain barrier, blood-brain tumor barrier, and fluorescence-guided neurosurgical oncology: delivering optical labels to brain tumors. Front Oncol. (2020) 10:739. doi: 10.3389/fonc.2020.00739

PubMed Abstract | Crossref Full Text | Google Scholar

7. Rani S, Singh BK, Koundal D, Athavale VA. Localization of stroke lesion in MRI images using object detection techniques: a comprehensive review. Neurosci Informat. (2022) 2:100070. doi: 10.1016/j.neuri.2022.100070

Crossref Full Text | Google Scholar

8. Talukder MA, Islam MM, Uddin MA, Akhter A, Pramanik MAJ, Aryal S, et al. An efficient deep learning model to categorize brain tumor using reconstruction and fine-tuning. Expert Syst Appl. (2023) 230:120534. doi: 10.1016/j.eswa.2023.120534

Crossref Full Text | Google Scholar

9. Woźniak M, Silka J, Wieczorek M. Deep neural network correlation learning mechanism for CT brain tumor detection. Neural Comp Appl. (2023) 35:14611–26. doi: 10.1007/s00521-021-05841-x

PubMed Abstract | Crossref Full Text | Google Scholar

10. Hossain A, Islam MT, Almutairi AF. A deep learning model to classify and detect brain abnormalities in portable microwave based imaging system. Sci Rep. (2022) 12:6319. doi: 10.1038/s41598-022-10309-6

PubMed Abstract | Crossref Full Text | Google Scholar

11. Al-Masni MA, Kim WR, Kim EY, Noh Y, Kim DH. Automated detection of cerebral microbleeds in MR images: a two-stage deep learning approach. NeuroImage: Clinical. (2020) 28:102464. doi: 10.1016/j.nicl.2020.102464

PubMed Abstract | Crossref Full Text | Google Scholar

12. Samee NA, Mahmoud NF, Atteia G, Abdallah HA, Alabdulhafith M, Al-Gaashani MS, et al. Classification framework for medical diagnosis of brain tumor with an effective hybrid transfer learning model. Diagnostics. (2022) 12:2541. doi: 10.3390/diagnostics12102541

PubMed Abstract | Crossref Full Text | Google Scholar

13. Kalyani B, Meena K, Murali E, Jayakumar L, Saravanan D. Analysis of MRI brain tumor images using deep learning techniques. Soft Computing. (2023) 27:7535–42. doi: 10.1007/s00500-023-07921-7

Crossref Full Text | Google Scholar

14. Kondratenko Y, Sidenko I, Kondratenko G, Petrovych V, Taranov M, Sova I. Artificial neural networks for recognition of brain tumors on MRI images. In: International Conference on Information and Communication Technologies in Education, Research, and Industrial Applications. Cham: Springer (2020). p. 119–140. doi: 10.1007/978-3-030-77592-6_6

Crossref Full Text | Google Scholar

15. Sahoo AK, Parida P, Muralibabu K, Dash S. Efficient simultaneous segmentation and classification of brain tumors from MRI scans using deep learning. Biocybernet Biomed Eng. (2023) 43:616–33. doi: 10.1016/j.bbe.2023.08.003

Crossref Full Text | Google Scholar

16. Sahoo S, Mishra S, Panda B, Bhoi AK, Barsocchi P. An augmented modulated deep learning based intelligent predictive model for brain tumor detection using GAN ensemble. Sensors. (2023) 23:6930. doi: 10.3390/s23156930

PubMed Abstract | Crossref Full Text | Google Scholar

17. Chegraoui H, Philippe C, Dangouloff-Ros V, Grigis A, Calmon R, Boddaert N, et al. Object detection improves tumour segmentation in MR images of rare brain tumours. Cancers. (2021) 13:6113. doi: 10.3390/cancers13236113

PubMed Abstract | Crossref Full Text | Google Scholar

18. Khan MSI, Rahman A, Debnath T, Karim MR, Nasir MK, Band SS, et al. Accurate brain tumor detection using deep convolutional neural network. Comput Struct Biotechnol J. (2022) 20:4733–45. doi: 10.1016/j.csbj.2022.08.039

PubMed Abstract | Crossref Full Text | Google Scholar

19. Toğaçar M, Ergen B, Cömert Z. Tumor type detection in brain MR images of the deep model developed using hypercolumn technique, attention modules, and residual blocks. Med Biolog Eng Comp. (2021) 59:57–70. doi: 10.1007/s11517-020-02290-x

PubMed Abstract | Crossref Full Text | Google Scholar

20. Liu Q, Liu Y, Lin D. Revolutionizing target detection in intelligent traffic systems: YOLOv8-SnakeVision. Electronics. (2023) 12:4970. doi: 10.3390/electronics12244970

Crossref Full Text | Google Scholar

21. Jeong J, Lei Y, Kahn S, Liu T, Curran WJ, Shu HK, et al. Brain tumor segmentation using 3D Mask R-CNN for dynamic susceptibility contrast enhanced perfusion imaging. Phys Med Biol. (2020) 65:185009. doi: 10.1088/1361-6560/aba6d4

PubMed Abstract | Crossref Full Text | Google Scholar

22. Sharif MI, Khan MA, Alhussein M, Aurangzeb K, Raza M. A decision support system for multimodal brain tumor classification using deep learning. Comp Intellig Syst. (2021) 2021:1–14. doi: 10.1007/s40747-021-00321-0

Crossref Full Text | Google Scholar

23. Amin J, Sharif M, Haldorai A, Yasmin M, Nayak RS. Brain tumor detection and classification using machine learning: a comprehensive survey. Complex Intellig Syst. (2022) 8:3161–83. doi: 10.1007/s40747-021-00563-y

PubMed Abstract | Crossref Full Text | Google Scholar

24. Liu Z, Tong L, Chen L, Jiang Z, Zhou F, Zhang Q, et al. Deep learning based brain tumor segmentation: a survey. Comp Intellig Syst. (2023) 9:1001–26. doi: 10.1007/s40747-022-00815-5

Crossref Full Text | Google Scholar

25. Raza A, Ayub H, Khan JA, Ahmad I, Salama A, Daradkeh YI, et al. A hybrid deep learning-based approach for brain tumor classification. Electronics. (2022) 11:1146. doi: 10.3390/electronics11071146

Crossref Full Text | Google Scholar

26. Isensee F, Jäger PF, Full PM, Vollmuth P, Maier-Hein KH. nnU-Net for brain tumor segmentation. In: Brainlesion: Glioma, Multiple Sclerosis, Stroke and Traumatic Brain Injuries: 6th International Workshop, BrainLes 2020. Held in Conjunction with MICCAI 2020. Lima, Peru, October 4, 2020 Revised Selected Papers, Part II 6. Cham: Springer (2021). p. 118–132.

Google Scholar

27. Díaz-Pernas FJ, Martínez-Zarzuela M, Antón-Rodríguez M, González-Ortega D. A deep learning approach for brain tumor classification and segmentation using a multiscale convolutional neural network. Healthcare(2021). 9:153. doi: 10.3390/healthcare9020153

PubMed Abstract | Crossref Full Text | Google Scholar

28. Nazir M, Shakil S, Khurshid K. Role of deep learning in brain tumor detection and classification (2015 to 2020): a review. Comp Med Imag Graph. (2021) 91:101940. doi: 10.1016/j.compmedimag.2021.101940

PubMed Abstract | Crossref Full Text | Google Scholar

29. Ranjbarzadeh R, Bagherian Kasgari A, Jafarzadeh Ghoushchi S, Anari S, Naseri M, Bendechache M. Brain tumor segmentation based on deep learning and an attention mechanism using MRI multi-modalities brain images. Sci Rep. (2021) 11:1–17. doi: 10.1038/s41598-021-90428-8

PubMed Abstract | Crossref Full Text | Google Scholar

30. Noreen N, Palaniappan S, Qayyum A, Ahmad I, Imran M, Shoaib M, et al. deep learning model based on concatenation approach for the diagnosis of brain tumor. IEEE Access. (2020) 8:55135–44. doi: 10.1109/ACCESS.2020.2978629

Crossref Full Text | Google Scholar

31. Irmak E. Multi-classification of brain tumor MRI images using deep convolutional neural network with fully optimized framework. Iran J Sci Technol Trans Electr Eng. (2021) 45:1015–36. doi: 10.1007/s40998-021-00426-9

Crossref Full Text | Google Scholar

32. Mei S, Jiang H, Ma L. YOLO-lung: A practical detector based on imporved YOLOv4 for pulmonary nodule detection. In: 2021 14th International Congress on Image and Signal Processing, BioMedical Engineering and Informatics (CISP-BMEI). Shanghai: IEEE (2021). p. 1–6.

Google Scholar

33. Kumar M, Pilania U, Thakur S, Bhayana T. YOLOv5x-based brain tumor detection for healthcare applications. Procedia Comput Sci. (2024) 233:950–9. doi: 10.1016/j.procs.2024.03.284

Crossref Full Text | Google Scholar

34. Ahir BK, Engelhard HH, Lakka SS. Tumor development and angiogenesis in adult brain tumor: glioblastoma. Mol Neurobiol. (2020) 57:2461–78. doi: 10.1007/s12035-020-01892-8

PubMed Abstract | Crossref Full Text | Google Scholar

35. Kang M, Ting CM, Ting FF, Phan RCW. Bgf-yolo: Enhanced yolov8 with multiscale attentional feature fusion for brain tumor detection. arXiv [preprint] arXiv:230912585. (2023).

Google Scholar

36. Li C, Yao A. KernelWarehouse: Rethinking the Design of Dynamic Convolution. (2023).

Google Scholar

37. Chen X, Yang L. Brain tumor segmentation based on CBAM-TransUNet. In: Proceedings of the 1st ACM Workshop on Mobile and Wireless Sensing for Smart Healthcare (2022). p. 33–38.

Google Scholar

38. Zhang H, Xu C, Zhang S. Inner-iou: more effective intersection over union loss with auxiliary bounding box. arXiv [preprint] arXiv:231102877. (2023).

Google Scholar

39. Amran GA, Alsharam MS, Blajam AOA, Hasan AA, Alfaifi MY, Amran MH, et al. Brain tumor classification and detection using hybrid deep tumor network. Electronics. (2022) 11:3457. doi: 10.3390/electronics11213457

Crossref Full Text | Google Scholar

40. Magesh. Brain Tumor Dataset [Open Source Dataset]. Des Moines: Roboflow (2024). Available at: https://universe.roboflow.com/magesh-kctcd/brain-tumor-3rrwu (accessed June 03, 2024).

Google Scholar

41. Rao CS, Karunakara K. Efficient detection and classification of brain tumor using kernel based SVM for MRI. Multimed Tools Appl. (2022) 81:7393–417. doi: 10.1007/s11042-021-11821-z

PubMed Abstract | Crossref Full Text | Google Scholar

42. Jlassi A, ElBedoui K, Barhoumi W. Glioma tumor's detection and classification using joint YOLOv7 and active contour model. In: 2023 IEEE Symposium on Computers and Communications (ISCC). Tunis: IEEE (2023). p. 1–5.

Google Scholar

43. Selcuk B, Serif T. Brain tumor detection and localization with YOLOv8. In: 2023 8th International Conference on Computer Science and Engineering (UBMK). Burdur: IEEE (2023). p. 477–481.

Google Scholar

Keywords: brain tumors, target detection, YOLOv8, Inner-GIoU, CBAM

Citation: Chen A, Lin D and Gao Q (2024) Enhancing brain tumor detection in MRI images using YOLO-NeuroBoost model. Front. Neurol. 15:1445882. doi: 10.3389/fneur.2024.1445882

Received: 08 June 2024; Accepted: 01 August 2024;
Published: 22 August 2024.

Edited by:

Chenglong Zou, Peking University, China

Reviewed by:

Samar M. Alqhtani, Najran University, Saudi Arabia
Dheiver Francisco Santos, Boticario Group, Brazil

Copyright © 2024 Chen, Lin and Gao. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Da Lin, 111977331@imu.edu.cn

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.