Introduction
Brain tumors pose a significant health challenge worldwide due to their high fatality rates and few available treatments options. They can be divided into two types: primary tumors and secondary tumors, and they originate from abnormal growth in brain cells [1]. About 70% of brain tumor cases are primary tumors; the remaining 30% are secondary tumors, which start in other parts of the body and then spread to the brain. The most common forms of primary brain tumors are pituitary, meningioma, and glioma [2, 3].
Accurate and early detection of these tumors is crucial for improving patient outcomes. However, manual detection and diagnosis from magnetic resonance imaging (MRI) scans are challenging, as they rely heavily on radiologists’ expertise and are prone to subjectivity and errors due to the complex nature of brain tumor presentations [4, 5]. To address these challenges, Deep learning (DL)-based automated brain tumor classification systems have drawn a lot of interest as a solution to these problems. In the field of medical image analysis, DL algorithms—in particular, Convolutional Neural Networks (CNNs)—have shown impressive performance, especially for problems like brain tumor classification using Medical Resonance (MR) images [6]. However, existing literature [7–10] mainly emphasizes accuracy metrics without adequately addressing model generalization to new, unseen data. This gap is crucial, as the reliability of brain tumor classification models in clinical settings depends on their generalization capabilities. Furthermore, while various deep learning architectures have been explored, comprehensive comparisons and optimizations, particularly involving DenseNet, are limited. Our research addresses crucial gap in the existing literature by not only focusing on achieving high accuracy but also emphasizing the robustness and generalizability of the model in clinical settings.
This research builds upon the foundation let by Prakash et al [7], which is set as a benchmark study, and exhibits significant shortcomings in terms of model generalization, highlighting the need for more robust approaches. Our study leverages the DenseNet architecture and the same Figshare brain tumor dataset utilized by [7] to create a robust and accurate DL-based model for brain tumor classification [11, 12]. The dataset provides a comprehensive collection of T1-weighted contrast-enhanced MRI images, enabling the training of a DenseNet and other CNN based alogrithms [13] for accurate tumor classification. By leveraging data augmentation, regularization techniques and hyperparameter optimization, we aim to improve the accuracy and generalization of the densenet model for brain tumor diagnosis in clinical settings. The key contributions of this study to the existing literature are as follows;
* Comprehensive Model Comparison: We systematically compared the performance of DenseNet with other state-of-the-art pre-trained models, including ResNet, EfficientNet, and MobileNet, providing a thorough evaluation of their efficacy in brain tumor classification using the Figshare dataset.
* Fine-Tuning Approach: We implemented a unique fine-tuning methodology for the DenseNet model, incorporating advanced regularization techniques such as data augmentation, batch normalization and dropout with global average pooling to address overfitting and improve generalization on unseen data.
* Enhanced Generalization: By optimizing hyperparameters and employing rigorous training and validation protocols, we demonstrated significant improvements in the generalization capabilities of the DenseNet model, making it more robust and reliable for real-world clinical applications.
By integrating recent advancements in deep learning and transfer learning, our study aims to develop a reliable and efficient brain tumor classification system that can assist healthcare professionals in making informed diagnostic decisions, ultimately leading to improved patient care.
The proposed methodology for brain tumor classification in this study represents a significant advancement in deep learning techniques for medical imaging. Unlike previous works that often focused on a single model architecture, this study rigorously compares and optimizes four popular architectures, with DenseNet emerging as the most effective choice. What sets this approach apart is its emphasis on enhancing both performance and generalization capabilities. By incorporating regularization techniques tailored for DenseNet and carefully adjusting hyperparameters, the methodology addresses challenges such as overfitting while improving the model’s ability to generalize to unseen data. This comprehensive approach not only achieves high accuracy but also ensures robustness and reliability in real-world applications.
Literature review
Brain tumor classification holds significant importance in medical image analysis, and recent advancements in deep learning have significantly impacted this field. These advancements empower the extraction of intricate features and patterns from large datasets [14]. By training deep learning models on extensive collections of medical images, encompassing modalities such as MRI, the potential arises to create exceptionally accurate and efficient algorithms for the classification of brain tumors. These algorithms possess the capability to enhance clinical decision-making, assist in accurate diagnosis, and contribute to improved patient outcomes.
Convolutional neural networks (CNNs) have been at the forefront of this research, demonstrating significant potential in distinguishing between brain tumor classes. For instance, Togacar et al. [15] introduced BrainMRNET, achieving an impressive accuracy of 96.05% in binary classification. Similarly, Mzoughi et al. [16] effectively differentiated between High-Grade Glioma (HGG) and Low-Grade Glioma (LGG) with a high accuracy of 96.49%. Moreover, [17, 18] in their studies successfully diagnosed brain tumors with a CNN, achieving a high accuracy of 95.49% and 96.00%. Study by Khawaldeh et al. [19] improved the AlexNet CNN model for multi-class classification, achieving a notable accuracy of 91% in classifying both normal/abnormal and high-grade/low-grade glioma tumors. These studies emphasize the relevance of CNNs in clinical applications for brain tumor diagnosis.
More complex CNN architectures, such as Capsule Networks [20] and Genetic Algorithms [21], have also shown promise in improving classification performance. Kurup et al. [22] showcased the effectiveness of CapsNet, achieving an impressive accuracy of 92.6%. These advancements show the significance of exploring novel approaches to improve the accuracy of brain tumor classification models.
In addition to CNNs, alternative models have been investigated for brain tumor classification as well. Studies have investigated the efficacy of K-Nearest Neighbors (KNN), Support Vector Machines (SVM), extreme learning machines (ELM), and hybrid approaches like SVM-KNN [11, 23–26]. These investigations have reported accuracies ranging from 84.19% to 95.56%, highlighting the potential of diverse methodologies in this domain.
Transfer learning has emerged as a successful approach in improving brain tumor classification performance. Researchers have leveraged pre-trained CNN models and knowledge from large-scale datasets to enhance accuracy [27]. For instance, Sajjad et al. [28] achieved a commendable accuracy of 94.5% by fine-tuning a VGG-19 model, while Waghmere et al. [29] obtained an accuracy of 95.71% using VGG16. These findings show the effectiveness of transfer learning in leveraging existing knowledge for improved classification accuracy.
These studies show that brain tumor classification research has demonstrated the potential of CNNs, transfer learning and deep learning architectures. Significant progress has been made in improving classification accuracy through innovative approaches, such as multiclass classification, transfer learning, and model selection.
However, despite these significant advancements in deep learning, overfitting remains a critical challenge in developing robust models for brain tumor classification. Recent studies by [7–10] report high accuracies but reveal substantial gaps between training and validation performance, suggesting overfitting. The models employed struggled to generalize to unseen data. This persistent issue underscores the necessity for more robust strategies to ensure reliable model performance in real-world clinical applications.
Materials and methods
Dataset description
The brain tumor dataset used for this study has 3,064 109 T1-weighted contrast-enhanced images from 233 patients. The dataset has three distinct types of brain tumors: meningioma (708 slices), glioma 111 (1,426 slices), and pituitary tumor (930 slices). Furthermore, the dataset consists of 112 files organized in MATLAB (.mat) structure. This dataset has been previously used in research studies, specifically in the papers by Cheng et al [11, 12]. The dataset is designed to support research and analysis in the field of medical image processing and brain tumor classification. Samples of the dataset can be seen in Fig 1. In this study, the Figshare brain tumor dataset is split into train and test sets with an 80:20 ratio. This means that 80% of the data is used for training the models, while the remaining 20% is reserved for testing.
[Figure omitted. See PDF.]
Convolutional neural network
The human visual system provides bases for Convolutional Neural Networks (CNNs), and allow them to automatically identify patterns within intricate images like MRI scans.
This eliminates the necessity for handcrafting features, a laborious step in conventional image analysis. CNNs achieve this through several key architectural components including convolutional layers, pooling layers, and activation functions, in addition to other important elements. In the context of brain tumor categorization, CNNs analyze MR scans, distinguishing tumor types and providing crucial diagnostic insights. By exploring diverse CNN models such as ResNet, EfficientNet, MobileNet and DenseNet, while leveraging transfer learning, this research contributes to the advancement of deep learning for accurate classification of brain tumors, potentially leading to improved healthcare outcomes.
Transfer learning
Transfer learning has revolutionized medical image analysis by harnessing the knowledge acquired by pre-trained neural networks.
In our experimental setup, we initialized the weights of these models using the pre-trained weights obtained after extensive training with large-scale image dataset, the ImageNet. Subsequently, we fine-tuned the classification layer of these models on the Figshare dataset, which contains annotated brain tumor images, to adapt the learned features to the specific classification task. By leveraging transfer learning, we aimed to capitalize on the representational power of these pre-trained models while tailoring them to the nuances of brain tumor classification. The Fig 2 shows the process of knowledge transfer from the ImageNet to Figshare data.
[Figure omitted. See PDF.]
Initially, the four pretrained CNN architectures are implemented and the performance of these model over the brain tumor classification task are compared. Brief description of the utilized pretrained models and their performance are provided as follow.
Employed models
ResNet.
ResNet is a deep CNN-based model introduced by He et al. [30]. The use of residual blocks, which addresses the issue of the gradient vanishing in deep networks, is one of its distinguishing features. The presence of residual connections facilitates the training of deeper architectures by allowing the model to learn residual functions with regard to the layer inputs.
EfficientNet.
EfficientNet is a family of CNN architectures proposed by Tan et al. [31], which attain cutting-edge performance by systematically scaling network complexity and resolution. The core idea behind EfficientNet is to use a compound scaling method that uniformly scales all dimensions of the network to achieve better performance.
MobileNet.
With a focus on embedded vision and mobility, Howard et al. [32], developed MobileNet a lightweight CNN architecture. MobileNet utilizes specialized convolutions to lower computational overhead while still delivering competitive accuracy. This architecture is particularly suitable for resource-constrained environments due to its low memory footprint and computational efficiency.
DenseNet—The base model.
DenseNet first proposed by Huang et al. [33] is a deep CNN-based model that has shown incredible performance in various vision applications. The architecture consists of several dense blocks, wherein each block encompasses multiple convolutional layers with direct connections between them. extraction. In our experimental setup, the DenseNet model demonstrated great performance in comparison to other three. Hence, choosen as base model for further experimentation and improvements. The DenseNet base model architecture is given in Fig 3.
[Figure omitted. See PDF.]
Enhanced DenseNet
To enhance the effectiveness of the base DenseNet model, a customized architecture was implemented which is illustrated in Fig 4. For brain tumor classification, transfer learning was employed by freezing the initial layers, while unfreezing the last 11 layers of DenseNet architecture. This approach allows the model to build upon its existing knowledge while learning new, specific features for brain tumors. In brain tumor classification, the exact position of the tumor within the MRI scan is less important than its overall presence and characteristics. Hence, we incorporated a global average pooling(GAP) layer at the end of the network. By incorporating GAP, we ensured the model captured these crucial features for accurate classification.
[Figure omitted. See PDF.]
Training process and hyperparameters.
To achieve optimal performance while maintaining computational efficiency, a comprehensive training strategy was employed. A batch size of 128 was chosen, achieving a balance between training speed and the model’s ability to learn from the data. To prevent overfitting, a learning rate of 0.0001 was used, allowing for precise adjustments to the model’s weights. Additionally, training for 100 epochs ensured that the model learned sufficiently without excessive iterations, as determined through validation monitoring.
Data augmentation techniques, such as random flips, rotations, and zooms, were employed to increase the diversity of the training data. This process helps the model generalize better to unseen examples. Dropout, with a rate of 50%, and batch normalization were further incorporated to mitigate overfitting and stabilize the training process.
The Adam optimizer, known for its efficiency and effectiveness in deep learning, was chosen with the aforementioned learning rate. This combination facilitated the optimization process and ensured model convergence.
This approach capitalizes on transfer learning from the well-established DenseNet architecture. By fine-tuning specific layers, the model adapted its knowledge to the brain tumor classification task. The rigorous hyperparameter tuning and regularization techniques empowered the model to achieve a balance between efficiency and performance.
Model selection criteria.
The generalizability of the trained models is assessed using a separate validation dataset not used during training. Performance metrics such as accuracy, precision, recall, and F1-score were evaluated to measure the model’s ability to classify brain tumors on unseen data. By carefully selecting hyperparameters, employing regularization techniques, and evaluating performance on unseen data, this study ensures the generalizability of the trained models for real-world applications in brain tumor detection. The comprehensive evaluation on a validation dataset demonstrates the model’s robustness and reliability, making it suitable for clinical applications where accurate and consistent performance is crucial.
Experimental results and discussions
The experimentation results of all the employed models in this study are provided and discussed below.
ResNet
The accuracy and validation curves in Fig 5 and evaluation metrics demonstrated in Table 1 shows the effectiveness of the ResNet architecture. ResNet exhibits good training accuracy, signaling effective learning. However, validation accuracy suggests potential overfitting. While achieving acceptable overall classification accuracy (0.91), ResNet’s performance varies across tumor classes, with room for optimization, particularly in addressing overfitting concerns.
[Figure omitted. See PDF.]
[Figure omitted. See PDF.]
EfficientNet
The performance graphs provided in Fig 6 and classification reports in Table 2 shows that EfficientNet has more severe overfitting issue and degraded performance over the validation set.
[Figure omitted. See PDF.]
[Figure omitted. See PDF.]
MobileNet
MobileNet, a lightweight CNN architecture, achieves an accuracy of 0.93 in brain tumor classification. It exhibits potential overfitting, similar to ResNet and EfficientNet with a gap between training and validation accuracies. While showing strengths in certain classes, it requires optimization for others. Improvements targeting overfitting and class-specific performance are suggested for enhancement. The performance of MobileNet is shown in Fig 7 and Table 3.
[Figure omitted. See PDF.]
[Figure omitted. See PDF.]
DenseNet—Base model
In our brain tumor classification task, the base DenseNet model exhibits excellent performance in comparison to other employed models, by achieving accuracy of 0.96. However, it too faces challenges such as potential overfitting. But DenseNet’s overfitting as can be seen in Fig 8 seems less severe compared to some other implemented models, indicating better generalization capabilities. Due to the commendable performance in comparison to other models, DenseNet is chosen for further experimentation and improvement has been done by incorporating regularization techniques and hyperparameter tuning of the base DenseNet model.
[Figure omitted. See PDF.]
The performance of the DenseNet—Base model is shown in the classification report given in Table 4.
[Figure omitted. See PDF.]
Enhanced DenseNet
Our study addressed the overfitting issue observed in the base DenseNet model by employing fine-tuning and various regularization techniques previously discussed. This approach significantly improved the model’s performance on the validation set, as shown in Fig 9. Notably, the learning curves for the Enhanced DenseNet model exhibit minimal divergence up to 100 epochs, indicating excellent generalization to unseen data. In contrast, the base DenseNet model displayed a significant gap between these curves after only 20 epochs, suggesting overfitting.
[Figure omitted. See PDF.]
Table 5 presents the classification report detailing the performance of the Enhanced DenseNet model on the test data.
[Figure omitted. See PDF.]
Performance comparison
The accuracy and F1 score performance of all the employed models in this study can be viewed in Fig 10. Additionally, Fig 11 displays the performance of the Base DenseNet and Enhanced DenseNet, for each class in terms of precision, recall and F1 score.
[Figure omitted. See PDF.]
[Figure omitted. See PDF.]
In the case of Meningioma, the model achieved a precision of 0.97, recall of 0.91 and an F1 score of 0.94. This suggests that the model excels in identifying cases while minimizing false positives. Regarding Glioma the model attained a precision of 0.98, a recall of 0.99, and an F1 score of 0.98. showcasing its accuracy and sensitivity in detecting glioma cases with false negatives. For Pituitary tumor classification, the model reached a precision score of 0.95, a recall score of 0.99, and an F1 score of 0.97, indicating its proficiency in categorizing pituitary tumor instances with both high precision and recall rates. The overall model accuracy was documented as 0.971 denoting its classification ability for brain tumor images within the Figshare dataset, with accuracy.
Comparison with benchmark and similar studies
We compared the performance of our Enhanced DenseNet model with the DenseNet models from the benchmark study by Prakash et al. as illustrated in Figs 12 and 13. The base model graph Fig 12 shows smooth learning over the training set; however, its performance on the validation set is degraded, indicating potential overfitting and an inability to generalize well to unseen data.
[Figure omitted. See PDF.]
[Figure omitted. See PDF.]
In contrast, their fine-tuned DenseNet Fig 13 shows the training accuracy plateauing at 100% from the beginning, while the validation accuracy diverges significantly. This suggests minimal learning and poor generalization capabilities.
These observations clearly demonstrate the substantial performance advantage of our Enhanced DenseNet approach compared to the models presented in the benchmark study.
The comparison of our proposed method with the benchmark and other similar studies in terms of accuracy is also provided in Table 6.
[Figure omitted. See PDF.]
Conclusion and future research directions
This study investigated the development of a robust and generalizable deep learning model for brain tumor classification using MRI scans. We addressed the limitations of existing approaches, which often prioritize high accuracy on the training data without sufficient emphasis on generalizability to unseen data. We systematically compared DenseNet with other state-of-the-art pre-trained models, including ResNet, EfficientNet, and MobileNet, finding DenseNet to be the most effective on the Figshare dataset. Our enhanced DenseNet model, fine-tuned with data augmentation, dropout, batch normalization, and global average pooling, achieved an impressive overall accuracy of 97.1%. Precision, recall, and F1-scores exceeded 0.94 for all three tumor types: meningioma, glioma, and pituitary tumor, demonstrating the model’s robustness.
Our approach significantly outperformed Base DenseNet and the DenseNet models, presented in the benchmark study, which exhibited substantial overfitting and poor generalization. By incorporating comprehensive model comparison, rigorous fine-tuning, and effective regularization techniques, we developed a highly accurate and generalizable model suitable for clinical settings. This advancement holds promise for enhancing patient care by assisting healthcare professionals in making informed diagnostic decisions for brain tumor detection.
Despite the promising results, our study has several limitations that point towards fruitful avenues for future research. The model’s generalizability to diverse clinical datasets with different MRI protocols needs further validation. Future research should focus on testing larger, varied datasets. Additionally, while using several regularization techniques collectively, their individual impacts were not isolated. Future studies should analyze each technique independently.
We also recommend systematically investigating hyperparameter impacts with techniques like grid search or random search. Addressing these limitations will refine deep learning models for brain tumor classification, enhancing diagnostic accuracy and reliability.
References
1. 1. Sultan HH, Salem NM, Al-Atabany W. Multi-classification of brain tumor images using deep neural network. IEEE Access. 2019;7:69215–69225.
* View Article
* Google Scholar
2. 2. Louis DN, et al. The 2016 World Health Organization classification of tumors of the central nervous system: a summary. Acta Neuropathol (Berl). 2016;131:803–820. pmid:27157931
* View Article
* PubMed/NCBI
* Google Scholar
3. 3. Komninos J, et al. Tumors metastatic to the pituitary gland: case report and literature review. J Clin Endocrinol Metab. 2004;89(2):574–580. pmid:14764764
* View Article
* PubMed/NCBI
* Google Scholar
4. 4. Ghassemi N, Shoeibi A, Rouhani M. Deep neural network with generative adversarial networks pre-training for brain tumor classification based on MR images. Biomed Signal Process Control. 2020;57:101678.
* View Article
* Google Scholar
5. 5. Hashemzehi R, Mahdavi SJS, Kheirabadi M, Kamel SR. Detection of brain tumors from MRI images base on deep learning using hybrid model CNN and NADE. Biocybern Biomed Eng. 2020;40(3):1225–1232.
* View Article
* Google Scholar
6. 6. Tiwari P, et al. Cnn based multiclass brain tumor detection using medical imaging. Comput Intell Neurosci. 2022;2022. pmid:35774437
* View Article
* PubMed/NCBI
* Google Scholar
7. 7. Prakash RM, Kumari RSS, Valarmathi K, Ramalakshmi K. Classification of brain tumours from MR images with an enhanced deep learning approach using densely connected convolutional network. Comput Methods Biomech Biomed Eng Imaging Vis. 2023;11(2):266–277.
* View Article
* Google Scholar
8. 8. Raza A, Alshehri MS, Almakdi S, Siddique AA, Alsulami M, Alhaisoni M. Enhancing brain tumor classification with transfer learning: Leveraging DenseNet121 for accurate and efficient detection. International Journal of Imaging Systems and Technology. 2024;34(1):e22957.
* View Article
* Google Scholar
9. 9. Abdusalomov AB, Mukhiddinov M, Whangbo TK. Brain tumor detection based on deep learning approaches and magnetic resonance imaging. Cancers. 2023;15(16):4172. pmid:37627200
* View Article
* PubMed/NCBI
* Google Scholar
10. 10. Belaid ON, Loudini M, Nakib A. Brain tumor classification using DenseNet and U-net convolutional neural networks. In: 2024 8th International Conference on Image and Signal Processing and their Applications (ISPA). IEEE; 2024. p. 1–6.
11. 11. Cheng J, et al. Enhanced performance of brain tumor classification via tumor region augmentation and partition. PloS One. 2015;10(10):e0140381. pmid:26447861
* View Article
* PubMed/NCBI
* Google Scholar
12. 12. Cheng J, et al. Retrieval of brain tumors by adaptive spatial pooling and fisher vector representation. PloS One. 2016;11(6):e0157112. pmid:27273091
* View Article
* PubMed/NCBI
* Google Scholar
13. 13. Devi MR, Sainath S, Pappula P. Brain Tumor Detection using Hybrid Neural Network based on VGGNet-19 and DenseNet. In: 2022 4th International Conference on Smart Systems and Inventive Technology (ICSSIT). IEEE; 2022. p. 1775–1780.
14. 14. Aamir M, Rahman Z, Abro WA, Bhatti UA, Dayo ZA, Ishfaq M. Brain tumor classification utilizing deep features derived from high-quality regions in MRI images. Biomedical Signal Processing and Control. 2023;85:104988.
* View Article
* Google Scholar
15. 15. Toğaçar M, Ergen B, Cömert Z. BrainMRNet: Brain tumor detection using magnetic resonance images with a novel convolutional neural network model. Med Hypotheses. 2020;134:109531. pmid:31877442
* View Article
* PubMed/NCBI
* Google Scholar
16. 16. Mzoughi H, et al. Deep multi-scale 3D convolutional neural network (CNN) for MRI gliomas brain tumor classification. J Digit Imaging. 2020;33:903–915. pmid:32440926
* View Article
* PubMed/NCBI
* Google Scholar
17. 17. Huang Z, et al. Convolutional neural network based on complex networks for brain tumor image classification with a modified activation function. IEEE Access. 2020;8:89281–89290.
* View Article
* Google Scholar
18. 18. Kalaiselvi T, Padmapriya S, Sriramakrishnan P, Somasundaram K. Deriving tumor detection models using convolutional neural networks from MRI of human brain scans. Int J Inf Technol. 2020;12:403–408.
* View Article
* Google Scholar
19. 19. Khawaldeh S, Pervaiz U, Rafiq A, Alkhawaldeh RS. Noninvasive grading of glioma tumor using magnetic resonance imaging with convolutional neural networks. Appl Sci. 2017;8(1):27.
* View Article
* Google Scholar
20. 20. Afshar P, Mohammadi A, Plataniotis KN. Brain tumor type classification via capsule networks. In: 2018 25th IEEE international conference on image processing (ICIP). IEEE; 2018. p. 3129–3133.
21. 21. Anaraki AK, Ayati M, Kazemi F. Magnetic resonance imaging-based brain tumor grades classification and grading via convolutional neural networks and genetic algorithms. Biocybern Biomed Eng. 2019;39(1):63–74.
* View Article
* Google Scholar
22. 22. Kurup RV, Sowmya V, Soman K. Effect of data pre-processing on brain tumor classification using capsulenet. In: ICICCT 2019–System Reliability, Quality Control, Safety, Maintenance and Management: Applications to Electrical, Electronics and Computer Science and Engineering. Springer; 2020. p. 110–119.
23. 23. Abiwinanda N, Hanif M, Hesaputra ST, Handayani A, Mengko TR. Brain tumor classification using convolutional neural network. In: World Congress on Medical Physics and Biomedical Engineering 2018: June 3-8, 2018, Prague, Czech Republic (Vol. 1). Springer; 2019. p. 183–189.
24. 24. Kaplan K, Kaya Y, Kuncan M, Ertunç HM. Brain tumor classification using modified local binary patterns (LBP) feature extraction methods. Med Hypotheses. 2020;139:109696. pmid:32234609
* View Article
* PubMed/NCBI
* Google Scholar
25. 25. Pashaei A, Sajedi H, Jazayeri N. Brain tumor classification via convolutional neural network and extreme learning machines. In: 2018 8th International conference on computer and knowledge engineering (ICCKE). IEEE; 2018. p. 314–319.
26. 26. Zacharaki EI, et al. Classification of brain tumor type and grade using MRI texture and shape in a machine learning scheme. Magn Reson Med Off J Int Soc Magn Reson Med. 2009;62(6):1609–1618.
* View Article
* Google Scholar
27. 27. Aamir M, Rahman Z, Dayo ZA, Abro WA, Uddin MI, Khan I, et al. A deep learning approach for brain tumor classification using MRI images. Computers and Electrical Engineering. 2022;101:108105.
* View Article
* Google Scholar
28. 28. Sajjad M, Khan S, Muhammad K, Wu W, Ullah A, Baik SW. Multi-grade brain tumor classification using deep CNN with extensive data augmentation. J Comput Sci. 2019;30:174–182.
* View Article
* Google Scholar
29. 29. Waghmare VK, Kolekar MH. Brain tumor classification using deep learning. Internet Things Healthc Technol. 2021; p. 155–175.
* View Article
* Google Scholar
30. 30. He K, Zhang X, Ren S, Sun J. Deep residual learning for image recognition. In: Proceedings of the IEEE conference on computer vision and pattern recognition; 2016. p. 770–778.
31. 31. Tan M, Le Q. Efficientnet: Rethinking model scaling for convolutional neural networks. In: International conference on machine learning. PMLR; 2019. p. 6105–6114.
32. 32. Howard AG, et al. Mobilenets: Efficient convolutional neural networks for mobile vision applications. ArXiv Prepr ArXiv170404861. 2017;.
33. 33. Huang G, Liu Z, Van Der Maaten L, Weinberger KQ. Densely connected convolutional networks. Proceedings of the IEEE conference on computer vision and pattern recognition. 2017; p. 4700–4708.
34. 34. Suganthe R, Revathi G, Monisha S, Pavithran R. Deep learning based brain tumor classification using magnetic resonance imaging. J Crit Rev. 2020;7(9):347–350.
* View Article
* Google Scholar
35. 35. Badža MM, Barjaktarović MČ. Classification of brain tumors from MRI images using a convolutional neural network. Applied Sciences. 2020;10(6):1999.
* View Article
* Google Scholar
36. 36. Srinivas C, KS NP, Zakariah M, Alothaibi YA, Shaukat K, Partibane B, et al. Deep transfer learning approaches in performance analysis of brain tumor classification using MRI images. Journal of Healthcare Engineering. 2022;2022. pmid:35299683
* View Article
* PubMed/NCBI
* Google Scholar
37. 37. Podder P, Bharati S, Rahman MA, Kose U. Transfer learning for classification of brain tumor. In: Deep learning for biomedical applications. CRC Press; 2021. p. 315–328.
38. 38. Kaur T, Gandhi TK. Deep convolutional neural networks with transfer learning for automated brain image classification. Machine vision and applications. 2020;31(3):20.
* View Article
* Google Scholar
39. 39. Afshar P, Plataniotis KN, Mohammadi A. Capsule networks for brain tumor classification based on MRI images and coarse tumor boundaries. In: ICASSP 2019-2019 IEEE international conference on acoustics, speech and signal processing (ICASSP). IEEE; 2019. p. 1368–1372.
40. 40. Shaik NS, Cherukuri TK. Multi-level attention network: application to brain tumor classification. Signal, Image and Video Processing. 2022;16(3):817–824.
* View Article
* Google Scholar
41. 41. Khan HA, Jue W, Mushtaq M, Mushtaq MU. Brain tumor classification in MRI image using convolutional neural network. Mathematical Biosciences and Engineering. 2021.
* View Article
* Google Scholar
Citation: Aziz N, Minallah N, Frnda J, Sher M, Zeeshan M, Durrani AH (2024) Precision meets generalization: Enhancing brain tumor classification via pretrained DenseNet with global average pooling and hyperparameter tuning. PLoS ONE 19(9): e0307825. https://doi.org/10.1371/journal.pone.0307825
About the Authors:
Najam Aziz
Roles: Conceptualization, Data curation, Formal analysis, Investigation, Methodology, Software, Validation, Visualization, Writing – original draft
E-mail: [email protected]
Affiliations: Department of Computer Systems Engineering, University of Engineering and Technology(UET), Peshawar, Khyber Pakhtunkhwa, Pakistan, National Center for Big Data and Cloud Computing (NCBC), University of Engineering and Technology, Peshawar, Khyber Pakhtunkhwa, Pakistan
ORICD: https://orcid.org/0000-0001-5106-4168
Nasru Minallah
Roles: Conceptualization, Data curation, Formal analysis, Software, Supervision, Validation, Writing – review & editing
Affiliations: Department of Computer Systems Engineering, University of Engineering and Technology(UET), Peshawar, Khyber Pakhtunkhwa, Pakistan, National Center for Big Data and Cloud Computing (NCBC), University of Engineering and Technology, Peshawar, Khyber Pakhtunkhwa, Pakistan
Jaroslav Frnda
Roles: Funding acquisition, Project administration, Supervision, Validation
Affiliations: Department of Quantitative Methods and Economic Informatics, Faculty of Operation and Economics of Transport and Communication, University of Zilina, Zilina, Slovakia, Department of Telecommunications, Faculty of Electrical Engineering and Computer Science, VSB - Technical University, Ostrava-Poruba, Czechia
ORICD: https://orcid.org/0000-0001-6065-3087
Madiha Sher
Roles: Data curation, Formal analysis, Project administration, Software, Validation, Visualization, Writing – review & editing
Affiliation: Department of Computer Systems Engineering, University of Engineering and Technology(UET), Peshawar, Khyber Pakhtunkhwa, Pakistan
ORICD: https://orcid.org/0000-0002-4084-422X
Muhammad Zeeshan
Roles: Data curation, Methodology, Software, Validation, Visualization, Writing – original draft
Affiliation: National Center for Big Data and Cloud Computing (NCBC), University of Engineering and Technology, Peshawar, Khyber Pakhtunkhwa, Pakistan
Amara Haroon Durrani
Roles: Data curation, Resources, Validation, Writing – review & editing
Affiliation: Department of Radiology, Hayatabad Medical Complex, Peshawar, Pakistan
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
1. Sultan HH, Salem NM, Al-Atabany W. Multi-classification of brain tumor images using deep neural network. IEEE Access. 2019;7:69215–69225.
2. Louis DN, et al. The 2016 World Health Organization classification of tumors of the central nervous system: a summary. Acta Neuropathol (Berl). 2016;131:803–820. pmid:27157931
3. Komninos J, et al. Tumors metastatic to the pituitary gland: case report and literature review. J Clin Endocrinol Metab. 2004;89(2):574–580. pmid:14764764
4. Ghassemi N, Shoeibi A, Rouhani M. Deep neural network with generative adversarial networks pre-training for brain tumor classification based on MR images. Biomed Signal Process Control. 2020;57:101678.
5. Hashemzehi R, Mahdavi SJS, Kheirabadi M, Kamel SR. Detection of brain tumors from MRI images base on deep learning using hybrid model CNN and NADE. Biocybern Biomed Eng. 2020;40(3):1225–1232.
6. Tiwari P, et al. Cnn based multiclass brain tumor detection using medical imaging. Comput Intell Neurosci. 2022;2022. pmid:35774437
7. Prakash RM, Kumari RSS, Valarmathi K, Ramalakshmi K. Classification of brain tumours from MR images with an enhanced deep learning approach using densely connected convolutional network. Comput Methods Biomech Biomed Eng Imaging Vis. 2023;11(2):266–277.
8. Raza A, Alshehri MS, Almakdi S, Siddique AA, Alsulami M, Alhaisoni M. Enhancing brain tumor classification with transfer learning: Leveraging DenseNet121 for accurate and efficient detection. International Journal of Imaging Systems and Technology. 2024;34(1):e22957.
9. Abdusalomov AB, Mukhiddinov M, Whangbo TK. Brain tumor detection based on deep learning approaches and magnetic resonance imaging. Cancers. 2023;15(16):4172. pmid:37627200
10. Belaid ON, Loudini M, Nakib A. Brain tumor classification using DenseNet and U-net convolutional neural networks. In: 2024 8th International Conference on Image and Signal Processing and their Applications (ISPA). IEEE; 2024. p. 1–6.
11. Cheng J, et al. Enhanced performance of brain tumor classification via tumor region augmentation and partition. PloS One. 2015;10(10):e0140381. pmid:26447861
12. Cheng J, et al. Retrieval of brain tumors by adaptive spatial pooling and fisher vector representation. PloS One. 2016;11(6):e0157112. pmid:27273091
13. Devi MR, Sainath S, Pappula P. Brain Tumor Detection using Hybrid Neural Network based on VGGNet-19 and DenseNet. In: 2022 4th International Conference on Smart Systems and Inventive Technology (ICSSIT). IEEE; 2022. p. 1775–1780.
14. Aamir M, Rahman Z, Abro WA, Bhatti UA, Dayo ZA, Ishfaq M. Brain tumor classification utilizing deep features derived from high-quality regions in MRI images. Biomedical Signal Processing and Control. 2023;85:104988.
15. Toğaçar M, Ergen B, Cömert Z. BrainMRNet: Brain tumor detection using magnetic resonance images with a novel convolutional neural network model. Med Hypotheses. 2020;134:109531. pmid:31877442
16. Mzoughi H, et al. Deep multi-scale 3D convolutional neural network (CNN) for MRI gliomas brain tumor classification. J Digit Imaging. 2020;33:903–915. pmid:32440926
17. Huang Z, et al. Convolutional neural network based on complex networks for brain tumor image classification with a modified activation function. IEEE Access. 2020;8:89281–89290.
18. Kalaiselvi T, Padmapriya S, Sriramakrishnan P, Somasundaram K. Deriving tumor detection models using convolutional neural networks from MRI of human brain scans. Int J Inf Technol. 2020;12:403–408.
19. Khawaldeh S, Pervaiz U, Rafiq A, Alkhawaldeh RS. Noninvasive grading of glioma tumor using magnetic resonance imaging with convolutional neural networks. Appl Sci. 2017;8(1):27.
20. Afshar P, Mohammadi A, Plataniotis KN. Brain tumor type classification via capsule networks. In: 2018 25th IEEE international conference on image processing (ICIP). IEEE; 2018. p. 3129–3133.
21. Anaraki AK, Ayati M, Kazemi F. Magnetic resonance imaging-based brain tumor grades classification and grading via convolutional neural networks and genetic algorithms. Biocybern Biomed Eng. 2019;39(1):63–74.
22. Kurup RV, Sowmya V, Soman K. Effect of data pre-processing on brain tumor classification using capsulenet. In: ICICCT 2019–System Reliability, Quality Control, Safety, Maintenance and Management: Applications to Electrical, Electronics and Computer Science and Engineering. Springer; 2020. p. 110–119.
23. Abiwinanda N, Hanif M, Hesaputra ST, Handayani A, Mengko TR. Brain tumor classification using convolutional neural network. In: World Congress on Medical Physics and Biomedical Engineering 2018: June 3-8, 2018, Prague, Czech Republic (Vol. 1). Springer; 2019. p. 183–189.
24. Kaplan K, Kaya Y, Kuncan M, Ertunç HM. Brain tumor classification using modified local binary patterns (LBP) feature extraction methods. Med Hypotheses. 2020;139:109696. pmid:32234609
25. Pashaei A, Sajedi H, Jazayeri N. Brain tumor classification via convolutional neural network and extreme learning machines. In: 2018 8th International conference on computer and knowledge engineering (ICCKE). IEEE; 2018. p. 314–319.
26. Zacharaki EI, et al. Classification of brain tumor type and grade using MRI texture and shape in a machine learning scheme. Magn Reson Med Off J Int Soc Magn Reson Med. 2009;62(6):1609–1618.
27. Aamir M, Rahman Z, Dayo ZA, Abro WA, Uddin MI, Khan I, et al. A deep learning approach for brain tumor classification using MRI images. Computers and Electrical Engineering. 2022;101:108105.
28. Sajjad M, Khan S, Muhammad K, Wu W, Ullah A, Baik SW. Multi-grade brain tumor classification using deep CNN with extensive data augmentation. J Comput Sci. 2019;30:174–182.
29. Waghmare VK, Kolekar MH. Brain tumor classification using deep learning. Internet Things Healthc Technol. 2021; p. 155–175.
30. He K, Zhang X, Ren S, Sun J. Deep residual learning for image recognition. In: Proceedings of the IEEE conference on computer vision and pattern recognition; 2016. p. 770–778.
31. Tan M, Le Q. Efficientnet: Rethinking model scaling for convolutional neural networks. In: International conference on machine learning. PMLR; 2019. p. 6105–6114.
32. Howard AG, et al. Mobilenets: Efficient convolutional neural networks for mobile vision applications. ArXiv Prepr ArXiv170404861. 2017;.
33. Huang G, Liu Z, Van Der Maaten L, Weinberger KQ. Densely connected convolutional networks. Proceedings of the IEEE conference on computer vision and pattern recognition. 2017; p. 4700–4708.
34. Suganthe R, Revathi G, Monisha S, Pavithran R. Deep learning based brain tumor classification using magnetic resonance imaging. J Crit Rev. 2020;7(9):347–350.
35. Badža MM, Barjaktarović MČ. Classification of brain tumors from MRI images using a convolutional neural network. Applied Sciences. 2020;10(6):1999.
36. Srinivas C, KS NP, Zakariah M, Alothaibi YA, Shaukat K, Partibane B, et al. Deep transfer learning approaches in performance analysis of brain tumor classification using MRI images. Journal of Healthcare Engineering. 2022;2022. pmid:35299683
37. Podder P, Bharati S, Rahman MA, Kose U. Transfer learning for classification of brain tumor. In: Deep learning for biomedical applications. CRC Press; 2021. p. 315–328.
38. Kaur T, Gandhi TK. Deep convolutional neural networks with transfer learning for automated brain image classification. Machine vision and applications. 2020;31(3):20.
39. Afshar P, Plataniotis KN, Mohammadi A. Capsule networks for brain tumor classification based on MRI images and coarse tumor boundaries. In: ICASSP 2019-2019 IEEE international conference on acoustics, speech and signal processing (ICASSP). IEEE; 2019. p. 1368–1372.
40. Shaik NS, Cherukuri TK. Multi-level attention network: application to brain tumor classification. Signal, Image and Video Processing. 2022;16(3):817–824.
41. Khan HA, Jue W, Mushtaq M, Mushtaq MU. Brain tumor classification in MRI image using convolutional neural network. Mathematical Biosciences and Engineering. 2021.
You have requested "on-the-fly" machine translation of selected content from our databases. This functionality is provided solely for your convenience and is in no way intended to replace human translation. Show full disclaimer
Neither ProQuest nor its licensors make any representations or warranties with respect to the translations. The translations are automatically generated "AS IS" and "AS AVAILABLE" and are not retained in our systems. PROQUEST AND ITS LICENSORS SPECIFICALLY DISCLAIM ANY AND ALL EXPRESS OR IMPLIED WARRANTIES, INCLUDING WITHOUT LIMITATION, ANY WARRANTIES FOR AVAILABILITY, ACCURACY, TIMELINESS, COMPLETENESS, NON-INFRINGMENT, MERCHANTABILITY OR FITNESS FOR A PARTICULAR PURPOSE. Your use of the translations is subject to all use restrictions contained in your Electronic Products License Agreement and by using the translation functionality you agree to forgo any and all claims against ProQuest or its licensors for your use of the translation functionality and any output derived there from. Hide full disclaimer
© 2024 Aziz et al. This is an open access article distributed under the terms of the Creative Commons Attribution License: http://creativecommons.org/licenses/by/4.0/ (the “License”), which permits unrestricted use, distribution, and reproduction in any medium, provided the original author and source are credited. Notwithstanding the ProQuest Terms and Conditions, you may use this content in accordance with the terms of the License.
Abstract
Brain tumors pose significant global health concerns due to their high mortality rates and limited treatment options. These tumors, arising from abnormal cell growth within the brain, exhibits various sizes and shapes, making their manual detection from magnetic resonance imaging (MRI) scans a subjective and challenging task for healthcare professionals, hence necessitating automated solutions. This study investigates the potential of deep learning, specifically the DenseNet architecture, to automate brain tumor classification, aiming to enhance accuracy and generalizability for clinical applications. We utilized the Figshare brain tumor dataset, comprising 3,064 T1-weighted contrast-enhanced MRI images from 233 patients with three prevalent tumor types: meningioma, glioma, and pituitary tumor. Four pre-trained deep learning models—ResNet, EfficientNet, MobileNet, and DenseNet—were evaluated using transfer learning from ImageNet. DenseNet achieved the highest test set accuracy of 96%, outperforming ResNet (91%), EfficientNet (91%), and MobileNet (93%). Therefore, we focused on improving the performance of the DenseNet, while considering it as base model. To enhance the generalizability of the base DenseNet model, we implemented a fine-tuning approach with regularization techniques, including data augmentation, dropout, batch normalization, and global average pooling, coupled with hyperparameter optimization. This enhanced DenseNet model achieved an accuracy of 97.1%. Our findings demonstrate the effectiveness of DenseNet with transfer learning and fine-tuning for brain tumor classification, highlighting its potential to improve diagnostic accuracy and reliability in clinical settings.
You have requested "on-the-fly" machine translation of selected content from our databases. This functionality is provided solely for your convenience and is in no way intended to replace human translation. Show full disclaimer
Neither ProQuest nor its licensors make any representations or warranties with respect to the translations. The translations are automatically generated "AS IS" and "AS AVAILABLE" and are not retained in our systems. PROQUEST AND ITS LICENSORS SPECIFICALLY DISCLAIM ANY AND ALL EXPRESS OR IMPLIED WARRANTIES, INCLUDING WITHOUT LIMITATION, ANY WARRANTIES FOR AVAILABILITY, ACCURACY, TIMELINESS, COMPLETENESS, NON-INFRINGMENT, MERCHANTABILITY OR FITNESS FOR A PARTICULAR PURPOSE. Your use of the translations is subject to all use restrictions contained in your Electronic Products License Agreement and by using the translation functionality you agree to forgo any and all claims against ProQuest or its licensors for your use of the translation functionality and any output derived there from. Hide full disclaimer