1. Introduction
Brain cancer is a life-threatening disease that severely impacts patients’ health and quality of life. Primary detection is essential for improving treatment outcomes and survival rates, yet diagnosing brain tumors in their initial stages remains a significant challenge. The complexity of brain tumors, combined with the intricate structure of the human brain, poses significant challenges for diagnosis. As the brain controls essential functions such as motor activities, vision, emotions, memory, breathing, and responses, the formation of a tumor in this vital organ can severely disrupt these critical processes [
1,
2].
Brain tumors are categorized into two types: primary tumors, which originate within the brain tissue itself, and metastatic tumors, which develop in other parts of the body and spread to the brain. Diagnosing these tumors presents unique challenges due to the presence of the blood–brain barrier (BBB), a protective shield that prevents standard radioactive markers from detecting abnormal tumor cell activity [
3]. Consequently, MRI scans are the preferred diagnostic tool for identifying BBB disruptions.
Brain tumors affect approximately 7 to 11 individuals per 100,000 individuals annually in several age groups. This condition is responsible for about 227,000 deaths globally each year, and around 7.7 million people live with related disabilities [
4]. Early diagnosis is crucial for improving survival rates and reducing the risk of long-term disability. Detecting brain tumors in their early stages allows for less invasive treatment and reduced surgical intervention. Typically, radiologists obtain brain images that are then analyzed by specialists to formulate a treatment strategy [
5]. However, research reveals discrepancies in manual diagnostic outcomes among experts. Although general brain tumor diagnoses show an agreement rate between 90% and 95%, this percentage decreases to 77% and 58% for more complex tumor types such as mixed gliomas and medulloblastomas [
6].
Advancements in digital image processing and medical imaging have paved the way for the increased use of computer-aided diagnosis (CAD) systems. MRI remains the preferred imaging technique due to its non-ionizing nature and its ability to clearly detect blood flow in veins. The availability of extensive brain MRI datasets has facilitated the combination of machine learning (ML) and deep learning (DL) methods for tumor detection. Creating accurate ML and DL models requires training in large datasets to provide reliable predictions and valuable information, which are essential for informed clinical decision-making [
7]. This study investigates the application of the DL technique for detecting brain tumors and enhancing diagnostic efficiency.
The primary contribution of this work is the development of a hybrid brain tumor classification framework. A modified VGG architecture was used for more effective feature extraction. Additional dense and dropout layers were added to the VGG model to better capture tumor characteristics and reduce overfitting. Unlike traditional methods, we did not rely solely on CNN’s final layers for classification. Instead, deep features extracted from the modified VGG model were fed into various supervised machine learning classifiers, including SVM, KNN, LR, SGD, RF, and AdaBoost. GridSearchCV-based hyperparameter tuning was applied to optimize each classifier’s performance. This two-stage approach improves accuracy and model robustness compared to standard end-to-end CNN models.
2. Related Work
Given the substantial impact of deep learning models [
8] in this field, several relevant studies have been thoroughly reviewed in this section.
2.1. CNN-Based Classification Models
Irmak et al. [
9] proposed a deep CNN model for classifying brain MRI scans using a grid search optimizer for hyperparameter tuning. Although multiple models were developed, the one classifying tumors into five categories achieved a relatively lower accuracy (92.66%) compared with others. Similarly, Badža et al. [
10] classified glioma, meningioma, and pituitary tumors using a CNN model trained on merged datasets with multiple validation methods, showing promising but dataset-dependent results.
Ayadi et al. [
11] also employed a CNN model using multiple public datasets and achieved reliable classification among three tumor types. However, none of these works explored deeper integration with machine learning techniques for improving classification robustness. Other models focused on binary classification.
Irsheidat and Duwairi [
12] used grayscale MRIs and data augmentation to train a CNN model that achieved 96.7% validation accuracy but only 88.25% on the test set, showing overfitting and limited generalization due to a small dataset. Cinar and Yildirim [
13] fine-tuned ResNet-50 for binary classification but did not address specific tumor types, limiting clinical relevance.
2.2. Segmentation and GAN-Based Approaches
Segmentation-based approaches have also been widely studied. Naser et al. [
14] applied a U-Net based CNN for tumor segmentation, but did not extend to classification. Elazab et al. [
15] used a GP-GAN with 3D U-Net architecture to model early stage glioma growth. However, the method assumed continuous tumor growth and did not account for treatment effects, such as shrinkage. Hamghalam et al. [
16] introduced a multistage attention-GAN for segmenting core, enhancing, and whole tumors. Although this method produced high-contrast images, it incurred a significant computational cost and complexity.
2.3. Hybrid and Ensemble Approaches
Hybrid approaches have shown potential by combining deep learning with classical techniques. Saba et al. [
17] combined deep features from VGG19 with handcrafted features like HOG and LBP for glioma classification. Despite improved accuracy, the approach was limited to distinguishing between glioma and healthy tissues. Noreen et al. [
18] proposed a fusion of Inception-v3 and DenseNet201 features, classified using a softmax layer. Although effective, their method required considerable computation and did not explore classifier diversity. Aurna et al. [
19] proposed an ensemble-based classification framework, but detailed architectural improvements were not discussed.
2.4. Miscellaneous Techniques and Limitations
Some works introduced alternative feature extraction and classification pipelines. Özyurt et al. [
20] used a fuzzy c-means-based segmentation with SqueezeNet and extreme learning machines. Siar et al. [
21] used ImageNet-based transfer learning for binary tumor detection. However, both approaches lacked granularity in tumor-type classification. Ghassemi [
22] utilized a GAN with a pre-trained CNN, but the input resolution was limited to 64 × 64, restricting the method’s real-world applicability.
Although many studies have achieved high accuracy, several limitations persist. A large portion of the existing work focuses on binary classification or limited tumor types, reducing clinical usefulness. Few studies integrate deep CNN-based feature extraction with classical machine learning classifiers to leverage the strengths of both paradigms. Additionally, challenges like interpretability, computational efficiency, model generalization across datasets, and handling multi-class classification remain open. These gaps underscore the need for hybrid, optimized, and scalable frameworks—motivating the approach proposed in this study.
3. Materials and Methods
3.1. Details of Dataset
To evaluate the performance of the implemented model, we collected samples from three different datasets: figshare, SARTAJ, and Br35H. The resulting dataset consists of 7023 human brain MRI images, categorized into four classes: glioma (2131 images), meningioma (1645 images), pituitary tumors (1757 images), and normal (2000 images). Despite variations in image resolutions, all images were resized to a consistent dimension of 224 × 224 × 3 before being input into the model. The dataset is publicly available and can be downloaded at
https://www.kaggle.com/datasets/masoudnickparvar/brain-tumor-mri-dataset, accessed on 2 November 2024.
3.2. Methodology
The proposed methodology integrates advanced machine learning (ML) and deep learning (DL) techniques to overcome the limitations of traditional brain tumor diagnosis methods, such as invasiveness, time consumption, and susceptibility to human error.
Figure 1 presents the proposed model’s workflow for classifying brain tumors in MRI images.
The methodology is discussed step-by-step as follows:
3.2.1. Data Preprocessing
The initial step involves preparing the dataset for training, validation, and testing in a ratio of 7:2:1, respectively. MRI images are resized to a uniform size and focused on the region of interest (ROI) while discarding irrelevant areas. Proper preprocessing ensures consistency in input data, reduces noise, and improves the efficiency of the model by providing high-quality, standardized input. This step is crucial for minimizing computational overhead and avoiding bias in training.
3.2.2. Feature Extraction by
Modified VGG Architecture
The base VGG model is used as a feature extractor with frozen layers to retain pre-trained knowledge while reducing computational cost. A Flatten layer is introduced to convert the extracted feature maps into a one-dimensional vector, followed by a Dropout (0.5) layer to prevent overfitting. A fully connected Dense (128 units) layer is added to learn complex patterns, followed by another Dropout (0.5) layer to further enhance generalization. Finally, a Dense output layer with softmax activation is used for classification. This architecture leverages deep feature extraction from VGG while utilizing additional layers to refine the classification performance.
Table 1 provides the training parameters of the proposed model.
Texture features are extracted from MRI scans using a modified VGG architecture. This design has been refined to capture complex patterns unique to the classification of brain tumors. In order to differentiate between various kinds of brain tumors, the model may concentrate on the most pertinent features of the tumors, such as texture, shape, and intensity fluctuations, thanks to feature extraction. The changes made to VGG improve its capacity to adjust to jobs involving medical imaging.
3.2.3. Classification of Brain Tumor Types
The extracted features are input into various supervised ML classifiers, including SVM, KNN, LR, SGD, RF, and AdaBoost. Each classifier processes the features and assigns a label to the tumor type. GridSearchCV is used for hyperparameter tuning to ensure an optimal performance. The use of multiple classifiers allows for a comprehensive evaluation of the extracted features. GridSearchCV ensures that the model parameters are optimized, improving the classification process’s accuracy, efficiency, and robustness. This step is essential for identifying the best-performing model. GridSearchCV is a hyperparameter tuning technique provided by the scikit-learn library in Python-3.7. It is used to systematically search for the best combination of hyperparameters for a machine learning model by performing an exhaustive search over a specified parameter grid. It evaluates different parameter combinations using cross-validation to select the set of hyperparameters that results in the best performance.
To enhance classification performance, we employed GridSearchCV for systematic hyperparameter tuning of each supervised machine learning model. This technique evaluates multiple combinations of hyperparameters using 10-fold cross-validation and selects the combination that yields the best validation performance. Below are the parameter grids used for each classifier:
Stochastic Gradient Descent (SGD): Parameters included various loss functions (hinge, log, squared_hinge, etc.), regularization penalties (l2, l1, elasticnet), and alpha values ranging from 0.0001 to 0.1.
Support Vector Machine (SVM): Explored different kernels (linear, rbf, sigmoid, poly), regularization strengths C, kernel coefficients gamma, and decision function strategies (ovo, ovr).
k-Nearest Neighbors (KNN): Parameter grid included number of neighbors, weighting schemes (uniform, distance), distance metrics (p), and algorithm selection (auto, ball_tree, etc.).
Logistic Regression (LR): Tuned over solvers (lbfgs, liblinear, etc.), tolerance levels, and random states to optimize convergence and stability.
Random Forest (RF): Tuned parameters included tree depth, number of estimators, number of features considered at each split, and split criteria.
AdaBoost Classifier: Used various base estimators (shallow decision trees), learning rates, and numbers of estimators. The SAMME algorithm was used for multi-class boosting.
These parameter grids were selected based on prior research and experimentation to ensure thorough exploration of the model capabilities.
Table 2 presents a detailed overview of the classifiers used in this study along with the specific hyperparameter grids defined for tuning via GridSearchCV. Each classifier was fine-tuned by exhaustively searching over a predefined set of hyperparameters using 10-fold cross-validation. This tuning process helped in identifying the optimal configuration for each model, thereby enhancing classification accuracy and model stability. The table outlines the key hyperparameters considered for each classifier, along with the corresponding ranges or values explored during the search. This systematic optimization strategy contributed to the superior performance of our proposed framework.
3.2.4. Peformance Evaluation
The performance of the model is assessed using key metrics such as accuracy, precision, recall, F1-score, and specificity. Evaluation metrics provide quantitative measures of the model’s performance, offering insights into its strengths and weaknesses. These metrics validate the model’s ability to correctly identify true positives (tumors) while minimizing false positives and false negatives, ensuring reliability in real-world applications.
4. Results
The performance of the proposed brain tumor classification model was evaluated using multiple deep learning and machine learning techniques. This section presents the experimental results obtained from different model configurations, highlighting their effectiveness in classifying brain tumors from MRI images. The confusion matrices of various models provide insights into their classification effectiveness, while comparative analysis with state-of-the-art methods further establishes the robustness of the proposed approach.
Figure 2 presents the confusion matrices for VGG19, VGG16, and their SVM-based variations in brain tumor classification. The CNN models (
Figure 2a,c) perform well but show misclassifications, especially between glioma and meningioma. The SVM-based models (
Figure 2b,d) improve accuracy, significantly reducing misclassification, particularly for glioma and meningioma, while achieving near-perfect classification for normal and pituitary tumors. Overall, VGG16_SVM delivers the best performance, highlighting the effectiveness of combining CNN-based feature extraction with SVM classifiers for enhanced brain tumor detection.
Table 3 presents the classification performance of VGG19 as a feature extractor combined with various machine learning classifiers. Among all combinations, VGG19_SVM achieves the highest accuracy of 94.02%, demonstrating its superior ability to classify brain tumors effectively. Additionally, VGG19_SVM exhibits the highest precision (93.77%), recall (93.69%), F1-score (93.73%), and specificity (98.01%), making it the most robust classifier for this architecture.
Table 4 presents the performance of VGG16 in combination with the same machine learning classifiers. Similar to VGG19, VGG16 extracts features from MRI images, which are then classified using different ML models. The results indicate that VGG16_SVM achieves the highest accuracy of 96.30%, outperforming all other configurations. It also exhibits the highest precision (96.16%), recall (96.15%), F1-score (96.16%), and specificity (98.77%), making it the most effective classifier for this architecture.
5. Conclusions
The proposed method presents an automated and robust approach for brain tumor classification by integrating CNN-based feature extraction with advanced machine learning classifiers. Using a modified VGG architecture, the model achieved high accuracy, with VGG19_SVM reaching 94.02% and VGG16_SVM achieving 96.30%, outperforming many existing methods. Performance evaluation using accuracy, precision, recall, F1-score, and specificity confirms the model’s effectiveness in handling diverse tumor datasets. By minimizing reliance on invasive diagnostic techniques and improving classification accuracy, this approach can assist healthcare professionals in early detection and treatment planning, ultimately enhancing patient outcomes. Future work may focus on optimizing the model further and exploring real-time clinical deployment.
For future work, we aim to further optimize the model and explore challenges related to real-time clinical deployment, including reducing computational complexity and latency. Additionally, we plan to investigate model interpretability to enhance trust in automated predictions and extend the framework through domain adaptation techniques to improve generalization across different MRI scanners, imaging protocols, and patient populations.
Author Contributions
Conceptualization, K.R.R., V.K.V. and V.J.S.; formal analysis, K.R.R., V.K.V. and V.J.S.; investigation, V.K.V., K.N.P. and K.P.J.; project administration, K.R.R. and V.K.V.; software, K.R.R. and K.P.J.; supervision, K.R.R.; validation, K.R.R. and V.K.V.; writing—original draft, V.K.V., V.J.S. and K.R.R.; writing—review and editing, V.K.V., K.N.P. and K.P.J. All authors have read and agreed to the published version of the manuscript.
Funding
This research received no external funding.
Data Availability Statement
Not applicable.
Conflicts of Interest
The authors declare no conflict of interest.
Abbreviations
The abbreviations used in this manuscript are as follows:
AB | AdaBoost |
CNN | Convolutional Neural Network |
DL | Deep Learning |
F1 | F1-Score |
KNN | k-Nearest Neighbors |
LR | Logistic Regression |
ML | Machine Learning |
MRI | Magnetic Resonance Imaging |
RF | Random Forest |
SGD | Stochastic Gradient Descent |
SVM | Support Vector Machine |
VGG | Visual Geometry Group |
References
- Schulz, E.; Gershman, S.J. The algorithmic architecture of exploration in the human brain. Curr. Opin. Neurobiol. 2019, 55, 7–14. [Google Scholar] [CrossRef]
- van Lonkhuizen, P.J.; Klaver, K.M.; Wefel, J.S.; Sitskoorn, M.M.; Schagen, S.B.; Gehring, K. Interventions for cognitive problems in adults with brain cancer: A narrative review. Eur. J. Cancer Care 2019, 28, e13088. [Google Scholar] [CrossRef]
- Del Dosso, A.; Urenda, J.P.; Nguyen, T.; Quadrato, G. Upgrading the physiological relevance of human brain organoids. Neuron 2020, 107, 1014–1028. [Google Scholar] [CrossRef] [PubMed]
- Fernandes, S.L.; Tanik, U.J.; Rajinikanth, V.; Karthik, K.A. A reliable framework for accurate brain image examination and treatment planning based on early diagnosis support for clinicians. Neural Comput. Appl. 2020, 32, 15897–15908. [Google Scholar] [CrossRef]
- Rehman, Z.U.; Naqvi, S.S.; Khan, T.M.; Khan, M.A.; Bashir, T. Fully automated multi-parametric brain tumour segmentation using superpixel based classification. Expert Syst. Appl. 2019, 118, 598–613. [Google Scholar] [CrossRef]
- Rehman, Z.U.; Zia, M.S.; Bojja, G.R.; Yaqub, M.; Jinchao, F.; Arshid, K. Texture based localization of a brain tumor from MR-images by using a machine learning approach. Med. Hypotheses 2020, 141, 109705. [Google Scholar] [CrossRef] [PubMed]
- KV, C.; King, G.G. Brain tumour classification: A comprehensive systematic review on various constraints. Comput. Methods Biomech. Biomed. Eng. Imaging Vis. 2023, 11, 517–529. [Google Scholar]
- Velpula, V.K.; Vadlamudi, J.S.; Janapati, M.; Kasaraneni, P.P.; Kumar, Y.V.P.; Challa, P.R.; Mallipeddi, R. Enhanced brain tumor classification using convolutional neural networks and ensemble voting classifier for improved diagnostic accuracy. Comput. Electr. Eng. 2025, 123, 110124. [Google Scholar] [CrossRef]
- 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–1036. [Google Scholar] [CrossRef]
- Badža, M.M.; Barjaktarović, M.Č. Classification of brain tumors from MRI images using a convolutional neural network. Appl. Sci. 2020, 10, 1999. [Google Scholar] [CrossRef]
- Ayadi, W.; Elhamzi, W.; Charfi, I.; Atri, M. Deep CNN for brain tumor classification. Neural Process. Lett. 2021, 53, 671–700. [Google Scholar] [CrossRef]
- Irsheidat, S.; Duwairi, R. Brain tumor detection using artificial convolutional neural networks. In Proceedings of the 2020 11th International conference on information and communication systems (ICICS), Irbid, Jordan, 7–9 April 2020; pp. 197–203. [Google Scholar]
- Çinar, A.; Yildirim, M. Detection of tumors on brain MRI images using the hybrid convolutional neural network architecture. Med. Hypotheses 2020, 139, 109684. [Google Scholar] [CrossRef] [PubMed]
- Naser, M.A.; Deen, M.J. Brain tumor segmentation and grading of lower-grade glioma using deep learning in MRI images. Comput. Biol. Med. 2020, 121, 103758. [Google Scholar] [CrossRef] [PubMed]
- Elazab, A.; Wang, C.; Gardezi, S.J.S.; Bai, H.; Hu, Q.; Wang, T.; Chang, C.; Lei, B. GP-GAN: Brain tumor growth prediction using stacked 3D generative adversarial networks from longitudinal MR Images. Neural Netw. 2020, 132, 321–332. [Google Scholar] [CrossRef] [PubMed]
- Hamghalam, M.; Wang, T.; Lei, B. High tissue contrast image synthesis via multistage attention-GAN: Application to segmenting brain MR scans. Neural Netw. 2020, 132, 43–52. [Google Scholar] [CrossRef] [PubMed]
- Saba, T.; Mohamed, A.S.; El-Affendi, M.; Amin, J.; Sharif, M. Brain tumor detection using fusion of hand crafted and deep learning features. Cogn. Syst. Res. 2020, 59, 221–230. [Google Scholar] [CrossRef]
- Noreen, N.; Palaniappan, S.; Qayyum, A.; Ahmad, I.; Imran, M.; Shoaib, M. A deep learning model based on concatenation approach for the diagnosis of brain tumor. IEEE Access 2020, 8, 55135–55144. [Google Scholar] [CrossRef]
- Aurna, N.F.; Yousuf, M.A.; Taher, K.A.; Azad, A.; Moni, M.A. A classification of MRI brain tumor based on two stage feature level ensemble of deep CNN models. Comput. Biol. Med. 2022, 146, 105539. [Google Scholar] [CrossRef] [PubMed]
- Özyurt, F.; Sert, E.; Avcı, D. An expert system for brain tumor detection: Fuzzy C-means with super resolution and convolutional neural network with extreme learning machine. Med. Hypotheses 2020, 134, 109433. [Google Scholar] [CrossRef] [PubMed]
- Siar, M.; Teshnehlab, M. Brain tumor detection using deep neural network and machine learning algorithm. In Proceedings of the 2019 9th International Conference on Computer and Knowledge Engineering (ICCKE), Mashhad, Iran, 24–25 October 2019; pp. 363–368. [Google Scholar]
- 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. [Google Scholar] [CrossRef]
| Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content. |
© 2025 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).