Next Article in Journal
Microglial Dyshomeostasis: A Common Substrate in Neurodevelopmental and Neurodegenerative Diseases
Previous Article in Journal
Microbiome-Glia Crosstalk: Bridging the Communication Divide in the Central Nervous System
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Systematic Review

Brain Tumor Recognition Using Artificial Intelligence Neural-Networks (BRAIN): A Cost-Effective Clean-Energy Platform

1
Department of Neurosurgery, California University of Science and Medicine, Colton, CA 92324, USA
2
Department of Neurosurgery, Arrowhead Regional Medical Center, Colton, CA 92324, USA
3
Department of Medicine, California Northstate University, Elk Grove, CA 95757, USA
*
Author to whom correspondence should be addressed.
Neuroglia 2024, 5(2), 105-118; https://doi.org/10.3390/neuroglia5020008
Submission received: 12 February 2024 / Revised: 25 March 2024 / Accepted: 17 April 2024 / Published: 28 April 2024

Abstract

:
Brain tumors necessitate swift detection and classification for optimal patient outcomes. Deep learning has been extensively utilized to recognize complex tumor patterns in magnetic resonance imaging (MRI) images, aiding in tumor diagnosis, treatment, and prognostication. However, model complexity and limited generalizability with unfamiliar data hinder appropriate clinical integration. The objective of this study is to develop a clean-energy cloud-based deep learning platform to classify brain tumors. Three datasets of a total of 2611 axial MRI images were used to train our multi-layer convolutional neural network (CNN). Our platform automatically optimized every transfer learning and data augmentation feature combination to provide the highest predictive accuracy for our classification task. Our proposed system identified and classified brain tumors successfully and efficiently with an overall precision value of 96.8% [95% CI; 93.8–97.6]. Using clean energy supercomputing resources and cloud platforms cut our workflow to 103 min, $0 in total cost, and a negligible carbon footprint (0.0014 kg eq CO2). By leveraging automated optimized learning, we developed a cost-effective deep learning (DL) platform that accurately classified brain tumors from axial MRI images of different levels. Although studies have identified machine learning tools to overcome these obstacles, only some are cost-effective, generalizable, and usable regardless of experience.

1. Introduction

Brain tumors constitute a complex set of pathologies that are associated with poor survival. Brain tumors pose a significant healthcare burden, affecting approximately 308,000 people worldwide in 2020 and costing nearly two hundred billion dollars in the United States alone [1,2]. Brain tumors can be classified as either primary (originating in the brain) or secondary (originating elsewhere in the body and spreading to the brain). They can be intra-axial (i.e., gliomas) or extra-axial (i.e., meningiomas and pituitary adenomas) and can be further sub-classified based on their cellular and molecular features [3]. Intra-axial tumors are more difficult to treat and are usually discovered at advanced stages when significant mass effect disrupts cortical areas. The most common primary brain tumors include gliomas (astrocytoma, glioblastoma, and ependymoma), pituitary adenomas, meningiomas, and schwannomas [4]. Despite tremendous advances in many areas of medicine, survival outcomes remain very low [3]. The complexity of the brain tissue and the variability in survival rates necessitate the development of more reliable early detection techniques. Accurate classification of brain tumors is critical for effective treatment planning, as different tumor types may require different treatment approaches.
The gold standard for identifying and diagnosing brain tumors is a pathological assessment of tissue morphology. However, non-invasive modalities capable of accurately classifying tumor type and grade are highly desirable [5]. Currently, magnetic resonance imaging (MRI) is widely used to provide clinicians with important information on lesion location, structural features (i.e., vascularity, cellularity, and perfusion), and dynamics with normal tissue (i.e., metastasis and mass effect) [6]. Classification is traditionally performed manually, which is very time-consuming, prone to error, and potentially not as capable of integrating nuanced macroscopic patterns [7]. Consequently, there has been a surge in interest in computer-aided diagnosis (CAD) to improve early detection and treatment options, such as with colorectal polyp and lung cancer classification [8,9].
Deep learning (DL), a branch of artificial intelligence inspired by the understanding of the neural networks within humans, has shown great potential for improving the accuracy and efficiency of brain tumor classification [10,11]. By training deep neural networks on large datasets of brain tumor imaging data, researchers and clinicians can develop highly accurate models that can automatically identify and classify different types of brain tumors [1,10,11,12]. The use of DL in brain tumor classification has the potential to improve patient outcomes by enabling faster and more accurate diagnosis and treatment planning [8,9]. By reducing the burden on healthcare providers, DL can help allocate more time for clinicians to perform higher-level care [13].

2. Materials and Methods

2.1. Literature Review

A systematic review was performed in accordance with the Preferred Reporting Items for Systematic Reviews and Meta-Analyses (PRISMA) guidelines. The main objective was to survey the types of model algorithms and evaluate subsequent accuracy metrics of studies that have utilized CNN to automate brain tumor classification. The PubMed, Embase, and Cochrane Library databases were queried from inception to 22 October 2023, with the following search criteria: (“deep learning” OR “machine learning”) AND “brain tumor” AND (“MRI” OR “MR” OR “CT”) AND “image classification” OR “brain tumor classification”). Studies published in the English language were included if they directly utilized CNN for the purposes of brain tumor classification. Studies were excluded if they did not utilize CNN or if they were review articles. There were no restrictions on publication date. Three authors (M.S.G., E.T., and T.S.) performed the database searches and screened the titles and abstracts for relevance in accordance with the inclusion and exclusion criteria. Any discrepancies were resolved by consensus among all authors. Eligible articles were pooled, and duplicates were removed. Full-text articles and their respective reference lists were reviewed for final study inclusion. Data were extracted from all eligible articles by four independent authors (M.S.G., E.T., T.S., and J.W) who utilized a preformed data extraction sheet to collect the following information: author name, year, brain tumor subtypes classified, model algorithm, accuracy (averaged if multiple models were used), dataset size, and dataset source. A total of 920 articles were identified through our systematic literature search (Figure 1). After screening, duplicate removal, and appraisal for relevancy, 47 articles were included for final review.

2.2. Data

We utilized 3 different publicly accessible datasets via the Kaggle repository (https://www.kaggle.com) [14,15,16]. Our training dataset included 2611 T1-Weighted Contrast-Enhanced images (TWCEI) images of which 495 subjects were tumor-free, 195 subjects with glioblastoma, 548 subjects with astrocytoma, 908 subjects with meningioma, and 465 subjects with schwannoma (Figure 2). Tumor diagnoses were identified via pathological assessment. All images were obtained in the axial plane. Out of 2611 total images, 2088 (80%) were used for training, 263 (10%) were used for validation, and 260 (10%) were used for testing. To further validate the generalizability of our model’s performance, we conducted further testing on two separate test datasets (100 images from each dataset distinct from our training, validation, and test data). All images used throughout our workflow were composed of 630 × 630 pixels in size.

2.3. Workflow

Our workflow prioritized cost-effectiveness without sacrificing classification accuracy (Figure 3). To develop our cloud-based platform, we utilized Google Collaboratory, which allowed us to develop our code, leverage cloud-based Python notebooks, and harness supercomputing resources (Initially, we performed a series of learned optimizations to improve our model’s performance). We utilized various permutations of EfficientNet, BERT, Transformer, TensorFlow Hub, PyTorch Hub, ResNet-50, VGG-16, Inception V3, DenseNet201, Xception, MobilleNet, and ResNet to achieve the highest possible prediction capabilities [17]. To further optimize our BRAIN model, we implemented data processing and augmentation techniques as previously described in the literature [17,18,19,20,21]. We expanded our data by incorporating varying combinations of noise injection, pixelation, image translation, cropping, resizing, and zooming [17,19,20]. Our BRAIN workflow was able to automatically optimize our CNN model with the best possible combination of transfer learning and data augmentation features to provide the highest predictive accuracy for our classification task. Finally, to test the generalizability of our model, we tested BRAIN on two external datasets, each with distinct MRI parameters.

2.4. Improvements to CNN Models for Brain Tumors Classification

To improve upon previously reported efforts in brain tumor classification, we utilized data pre-processing (DP) and transfer learning (TL) techniques to improve the efficiency and effectiveness of feature training [17,18,19,20,21]. Our DP workflow implemented TensorFlow, Keras, and PyTorch to perform data augmentation, including different permutations of image resizing, cropping, noise injection, translation, and pixel normalization [17,18,19,20,21]. By artificially expanding various feature parameters of our training dataset, DP can increase the generalizability of a model to robustly train new images while reducing model overfitting [22].
TL has been well studied in medical oncology to facilitate image classification [23]. TL is an approach where a pre-trained model, previously trained on a large dataset, is adapted to a new related task with comparatively less data. By leveraging the knowledge learned from the initial training task, transfer learning can improve the performance and reduce the training and resource allocation for a new model. In our TL workflow, we utilized GoogleNet, AlexNet, EfficientNet, BERT, Transformer, TensorFlow Hub, PyTorch Hub, ResNet-50, VGG-16, Inception V3, DenseNet201, Xception, and MobilleNet models to transfer the trained parameter weights to our new CNN model. We fine-tuned this model using Bayesian optimization to automate robust hyperparameter space scanning and optimization [17,18,19,20,21,22,23]. Our improved CNN model was then used for the final brain tumor classification.

3. Results

3.1. Systematic Review

Forty-seven studies that utilized CNN for brain tumor classification were included (Table 1) [13,21,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69]. Since their inception, CNNs have continued to undergo serial refinements to maximize the robustness of brain tumor classification [17]. In 2012, AlexNet was the first revolutionary advancement that introduced consecutively stacked convolutional layers. This was one of the best models for brain tumor image classification, with some studies achieving nearly 99 percent accuracy [18,34,35,49]. The next breakthrough was Visual Geometry Group (VGG), which built upon AlexNet, allowing for multiple layers and further increasing the depth of CNN architecture [29,30,58,70]. Despite increasing classification accuracies, one issue that quickly arose was the large computational expenses and model overfitting that were seen with CNN-based classification models [21].
GoogleNet, a 22-layer deep CNN developed at Google, addressed many of these problems by employing the Inception module, which used a single convolutional image block (max pooling and three varying filter sizes) that could be concatenated and passed onto the next layer [71]. Many studies have incorporated these frameworks in combination, some of which add extra convolutional layers to further reduce computation expenses [25,34,48,49,50,51,52]. Given the limited availability of large robust training datasets, many CNN architectures rely on transfer learning and data augmentation techniques to increase model efficiency and performance. However, issues regarding vanishing gradients leading to accuracy saturation have necessitated further development of CNN architecture.
Vanishing gradients occur during the training of CNN, in which the gradients used to update subsequent network layers “vanish’’ during backpropagation, limiting the ability to learn and tune earlier layers in the network [21]. ResNet helped to mitigate such issues by incorporating residual skip-connection blocks that contain altered activation functions called rectified linear units (ReLU) [21,47,49,52]. More recently, DenseNet was created to further reduce the accuracy loss associated with vanishing gradients by implementing dense connections (DenseBlocks) between layers. By connecting all feature maps of proceeding layers to feedforward as the input into all subsequent layers, you can effectively shorten network connections, leading to reduced parameters and more accurate and efficient computation [72].
These landmark advancements in CNN architecture have allowed others to fine-tune and extract various elements for more advanced classification tasks. Ge C et al. utilized multistream CNN to not only classify tumor subtypes but also to subcategorize gliomas with or without IDH and 1p19q mutations [28]. Similarly, 3DCNN and hybrid CNNs were utilized to classify low- versus high-grade gliomas [32,33,41,48]. Xie et al. were able to further categorize brain tumors into four grades (Grade I, II, III, and IV) and five levels (AST-II, AST-III, OLI-II, OLI-III, and GBM classifications) [21]. To date, the significant development of CNN architecture is continuously expanding classification and segmentation capabilities for diagnosing and managing brain tumors. However, important limitations regarding computational costs, clean energy computing, model generalizability, and learning curve limit the integration and widespread use of DL in various clinical settings [21]. In an effort to address these limitations, we propose a clean-energy cloud-based computing platform that enables virtually any physician, regardless of computational knowledge, to classify brain tumors cost-effectively.

3.2. Evaluation Metrics

To evaluate our deep learning model based on CNN architecture for the classification of brain tumors (tumor-free, glioblastoma, astrocytoma, meningioma, and schwannoma), we conducted standard evaluation measures, including precision, recall, and accuracy. From the proposed method obtained by using our dataset, three statistical indices, namely true positive (TP), false positive (FP), false negative (FN), and true negative (TN), were calculated and used to evaluate the performance of the proposed classification system, as shown below (Rasool et al.) [73].
Accuracy = (TP + FN) ÷ (TP + FN + TN + FN)
Precision = TP ÷ (TP + FP)
Recall = TP ÷ (TP + TN)

3.3. Performance Analysis

Figure 4 and Figure 5 illustrate the overall performance and area under the precision–recall curve (AUC). Our results show that the proposed system classified the brain tumors successfully and efficiently with an overall precision value of 96.8% for all five labels using single-label classification. When analyzed for individual labeling accuracy, our model demonstrated AUC (area under receiver operating characteristic curve) values of 99.2% for glioblastoma, 98.4% for schwannoma, 97.7% for astrocytoma, 97.2% for meningioma, and 94.5% for normal tumor-free controls. After deploying our model to classify images from two different external datasets, we achieved an average AUC value of 98.2% for glioblastoma, 94.5% for schwannoma, 97.7% for astrocytoma, 98.3% for meningioma, and 99.1% for normal tumor-free controls. These findings highlight the robust performance of our optimized CNN in classifying four major subtypes of brain tumors as well as the generalizability to maintain classification accuracy with images using different MRI parameters.

3.4. Cost-Effectiveness

In addition to improving the classification accuracy of our BRAIN model, we were able to develop a cost-effective platform that reduced our overall resource use. By focusing on enhancing automated optimized learning, we were able to reduce the total time of our entire workflow (i.e., from image acquisition to CNN model training and to model performance evaluation) to 103 min. By using cloud computing and storage platforms and clean energy supercomputing resources, we were able to cut our total cost to $0. Owing to the rising concerns of increasing carbon footprint due to the increasing use of artificial intelligence, we ensured that our platform utilized clean energy. We estimated our carbon footprint using the following machine learning emissions calculator formula:
250 W × 1 h = 0.25 kWh × 0.57 kg eq. CO2/kWh = 0.14 kg eq. CO2
Future iterations of model training can utilize specific computing resources that can reduce carbon emission to 0 kg eq. CO2 [74].

4. Discussion

4.1. Our Model Compared to the Current Literature

Several studies have explored the use of deep learning models for brain tumor classification based on magnetic resonance imaging (MRI) scans using various algorithms and techniques. A survey conducted by Biratu et al. provides an overview of brain tumor segmentation and classification algorithms, highlighting the challenges and time-consuming nature of manual segmentation [12]. The research community has been striving to develop automatic methods that are non-invasive and can aid in the diagnosis process, avoiding the need for biopsy [10,21].
Our model is unique compared to previous models due to its innovative approach to brain tumor classification. We have developed a purely cloud-based platform that combines the strengths of deep learning models with the versatility of automated cloud storage, computing, and deployment. These benefits can potentially enhance the accuracy and efficiency of brain tumor classification, ultimately improving patient outcomes and treatment planning.
Our platform offers several notable benefits compared to existing approaches. Firstly, our model takes into consideration the environmental impact by prioritizing a low-carbon footprint. We have implemented efficient algorithms and optimized computational processes to minimize energy consumption during the classification process. This eco-friendly approach aligns with the growing need for sustainable solutions in healthcare [10,21].
Ease of use is another significant advantage of our platform. We have designed an intuitive user interface that simplifies the workflow for medical professionals. The platform provides a seamless experience, allowing users to upload MRI scans, initiate the classification process, and access the results effortlessly. This user-friendly interface ensures that our platform can be readily adopted in clinical settings, even by users with limited technical experience with machine learning platforms.
Furthermore, our platform leverages available resources effectively. By utilizing deep learning models and advanced image processing techniques, we optimize the use of computational resources without compromising accuracy. This resource-efficient approach enables scalability, making our platform suitable for handling large datasets and accommodating future advancements in brain tumor classification [10,21,75].

4.2. Current Limitations of Brain Tumor Classification Models

While image classification models for brain tumors have shown promising results, they still face certain limitations. One of the main challenges is the need for large annotated datasets for training deep learning models effectively. The availability of high-quality labeled data is crucial for achieving optimal performance. However, obtaining such datasets can be a time-consuming and resource-intensive process. Additionally, the manual annotation process itself can introduce subjective biases and inconsistencies [9].
Overfitting is another common issue with deep learning platforms. This occurs when an algorithm learns the systematic and random fluctuations in the data so well that it negatively impacts the ability to classify new data. This leads to reduced generalizability, which is needed to adequately perform in various clinical settings [22]. Brain tumor classification models trained on specific datasets may not perform as effectively on unseen data from different sources or patient populations. This lack of generalizability can hinder the widespread adoption of these models in clinical practice [22]. Further research and development are required to address these limitations and enhance the robustness of the models.

4.3. Limitations of Our Models

While our platform offers numerous benefits, it also has certain limitations. One of the primary limitations is the interpretability of the deep learning models used for classification. Deep learning models are seldom analyzed to understand which features are most important, making it challenging to understand the underlying decision-making process. Interpretability is crucial in the medical domain, where clinicians need to justify and explain the reasoning behind diagnostic results [76]. Addressing this limitation and improving the interpretability of our models are areas of ongoing research. Another limitation is the potential for false positives or false negatives in the classification of results. Despite the high accuracy achieved by our models, there is always a possibility of misclassification. False positives can lead to unnecessary interventions or treatments, while false negatives may result in missed diagnoses. Continuous refinement and validation of our models are necessary to minimize these errors and ensure reliable outcomes.

4.4. Future Direction of Brain Tumor Classification

Looking ahead, the future of image classification for brain tumors holds great potential. Improvements in data availability, including larger and more diverse datasets, will contribute to the development of more accurate and robust models. Additionally, more refined models can better grade tumor progression or be used to predict tumor recurrence. Surgically, deep learning models can harness image segmentation to quantify unresected tumor volumes.
To address the limitations of current models, future research should focus on interpretability and generalizability. Developing techniques to enhance the explainability of deep learning models will increase their acceptance and trust in clinical practice. Interrogating the explainability of models can allow clinicians to understand the steps and features that most greatly influence classification tasks [76]. Additionally, exploring transfer learning and domain adaptation methods can improve the generalizability of models, enabling them to perform well with new clinical data.
Moreover, the integration of multimodal data, such as combining MRI with other imaging modalities or clinical data (i.e., pathological specimens), holds promise for improving the accuracy and reliability of brain tumor classification. Fusion of complementary information from different sources can provide a more comprehensive understanding of tumor characteristics, help predict tumor burden and recurrence, and aid in treatment planning [10,21].

5. Conclusions

We have developed an improved CNN model that can accurately classify brain tumors in brain MR images for the purpose of diagnosing brain cancer. Our experimental results showed that our proposed model performed robustly and can be easily applied in healthcare systems. Our model offers several advantages over existing approaches, including a low-carbon footprint, ease of use, and resource optimization. However, challenges remain in the field of image classification for brain tumors, such as the need for larger annotated datasets and improved interpretability. By addressing these limitations and focusing on interpretability and generalizability, the future of image classification for brain tumors holds great promise in enhancing diagnostic accuracy, treatment planning, and patient outcomes.

Author Contributions

Conceptualization, M.S.G., J.-Y.W., A.J.R. and J.S.; methodology, M.S.G., J.-Y.W., A.J.R. and J.S.; software, M.S.G., J.-Y.W. and A.J.R.; validation, M.S.G., J.-Y.W. and A.J.R.; formal analysis, M.S.G., J.-Y.W. and A.J.R.; investigation, M.S.G., J.-Y.W., A.J.R., T.S., E.T. and J.S.; data curation, M.S.G., J.-Y.W., A.J.R., T.S., E.T. and J.S.; writing—original draft preparation, M.S.G., J.-Y.W., A.J.R., T.S., E.T. and J.S.; writing—review and editing, M.S.G., J.-Y.W., A.J.R., T.S., E.T. and J.S.; visualization, M.S.G., J.-Y.W. and A.J.R.; supervision, J.S.; project administration, M.S.G. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. “Brain Tumor—Statistics”. Cancer.Net. Available online: https://www.cancer.net/cancer-types/brain-tumor/statistics (accessed on 31 May 2023).
  2. Mariotto, A.B.; Enewold, L.; Zhao, J.X.; Zeruto, C.A.; Yabroff, K.R. Medical Care Costs Associated with Cancer Survivorship in the United States. Cancer Epidemiol. Biomark. Prev. 2020, 29, 1304–1312. [Google Scholar] [CrossRef] [PubMed]
  3. Akinyelu, A.A.; Zaccagna, F.; Grist, J.T.; Castelli, M.; Rundo, L. Brain Tumor Diagnosis Using Machine Learning, Convolutional Neural Networks, Capsule Neural Networks and Vision Transformers, Applied to MRI: A Survey. J. Imaging 2022, 8, 205. [Google Scholar] [CrossRef] [PubMed]
  4. Lapointe, S.; Perry, A.; Butowski, N.A. Primary brain tumours in adults. Lancet 2018, 392, 432–446. [Google Scholar] [CrossRef]
  5. Gao, H.; Jiang, X. Progress on the diagnosis and evaluation of brain tumors. Cancer Imaging 2013, 13, 466. [Google Scholar] [CrossRef] [PubMed]
  6. Villanueva-Meyer, J.E.; Mabray, M.C.; Cha, S. Current clinical brain tumor imaging. Neurosurgery 2017, 81, 397–415. [Google Scholar] [CrossRef] [PubMed]
  7. Havaei, M.; Davy, A.; Warde-Farley, D.; Biard, A.; Courville, A.; Bengio, Y.; Pal, C.; Jodoin, P.M.; Larochelle, H. Brain tumor segmentation with deep neural networks. Med. Image Anal. 2017, 35, 18–31. [Google Scholar] [CrossRef] [PubMed]
  8. Yamashita, R.; Nishio, M.; Do, R.K.G.; Togashi, K. Convolutional neural networks: An overview and application in radiology. Insights Imaging 2018, 9, 611–629. [Google Scholar] [CrossRef] [PubMed]
  9. Yeung, M.; Sala, E.; Schönlieb, C.B.; Rundo, L. Focus U-Net: A novel dual attention-gated CNN for polyp segmentation during colonoscopy. Comput. Biol. Med. 2021, 137, 104815. [Google Scholar] [CrossRef] [PubMed]
  10. Nishio, M.; Sugiyama, O.; Yakami, M.; Ueno, S.; Kubo, T.; Kuroda, T.; Togashi, K. Computer-aided diagnosis of lung nodule classification between benign nodule, primary lung cancer, and metastatic lung cancer at different image size using deep convolutional neural network with transfer learning. PLoS ONE 2018, 13, e0200721. [Google Scholar] [CrossRef]
  11. Ghauri, M.S.; Reddy, A.J.; Tak, N.; A Tabaie, E.; Ramnot, A.; Esfahani, P.R.; Nawathey, N.; Siddiqi, J. Utilizing Deep Learning for X-ray Imaging: Detecting and Classifying Degenerative Spinal Conditions. Cureus 2023, 15, e41582. [Google Scholar] [CrossRef]
  12. Arabahmadi, M.; Farahbakhsh, R.; Rezazadeh, J. Deep Learning for Smart Healthcare-A Survey on Brain Tumor Detection from Medical Imaging. Sensors 2022, 22, 1960. [Google Scholar] [CrossRef] [PubMed]
  13. Biratu, E.S.; Schwenker, F.; Ayano, Y.M.; Debelee, T.G. A Survey of Brain Tumor Segmentation and Classification Algorithms. J. Imaging 2021, 7, 179. [Google Scholar] [CrossRef] [PubMed] [PubMed Central]
  14. Hennes, W. Brain Tumor Dataset for 14 Classes. Kaggle.com. Available online: https://www.kaggle.com/datasets/waseemnagahhenes/brain-tumor-for-14-classes (accessed on 28 February 2023).
  15. Feltrin, F. Brain Tumor MRI Images 17 Classes. Kaggle. Available online: https://www.kaggle.com/datasets/fernando2rad/brain-tumor-mri-images-44c (accessed on 28 February 2023).
  16. Nickparvar, M. Brain Tumor MRI Dataset. Kaggle.com. Available online: https://www.kaggle.com/datasets/masoudnickparvar/brain-tumor-mri-dataset (accessed on 28 February 2023).
  17. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. Imagenet classification with deep convolutional neural networks. NIPS 2012, 60, 84–90. [Google Scholar] [CrossRef]
  18. Lotlikar, V.S.; Satpute, N.; Gupta, A. Brain Tumor Detection Using Machine Learning and Deep Learning: A Review. Curr. Med. Imaging 2022, 18, 604–622. [Google Scholar] [CrossRef] [PubMed]
  19. Neelakantan, A.; Vilnis, L.; Le, Q.V.; Sutskever, I.; Kaiser, L.; Kurach, K.; Martens, J. Adding Gradient Noise Improves Learning for Very Deep Networks. arXiv 2015, arXiv:1511.06807. [Google Scholar]
  20. Zaccagna, F.; Grist, J.T.; Quartuccio, N.; Riemer, F.; Fraioli, F.; Caracò, C.; Halsey, R.; Aldalilah, Y.; Cunningham, C.H.; Massoud, T.F.; et al. Imaging and treatment of brain tumors through molecular targeting: Recent clinical advances. Eur. J. Radiol. 2021, 142, 109842. [Google Scholar] [CrossRef] [PubMed]
  21. Xie, Y.; Zaccagna, F.; Rundo, L.; Testa, C.; Agati, R.; Lodi, R.; Manners, D.N.; Tonon, C. Convolutional Neural Network Techniques for Brain Tumor Classification (from 2015 to 2022): Review, Challenges, and Future Perspectives. Diagnostics 2022, 12, 1850. [Google Scholar] [CrossRef] [PubMed]
  22. Hajiramezanali, E.; Dadaneh, S.Z.; Karbalayghareh, A.; Zhou, M.; Qian, X. Bayesian multi-domain learning for cancer subtype discovery from next-generation sequencing count data. arXiv 2018, arXiv:1810.09433. [Google Scholar]
  23. Abiwinanda, N.; Hanif, M.; Hesaputra, S.T.; Handayani, A.; Mengko, T.R. Brain Tumor Classification Using Convolutional Neural Network. In World Congress on Medical Physics and Biomedical Engineering 2018; Lhotska, L., Sukupova, L., Lacković, I., Ibbott, G.S., Eds.; IFMBE Proceedings; Springer: Singapore, 2019; Volume 68. [Google Scholar] [CrossRef]
  24. Ge, C.; Gu, I.Y.-H.; Jakola, A.S.; Yang, J. Deep Learning and Multi-Sensor Fusion for Glioma Classification Using Multistream 2D Convolutional Networks. In Proceedings of the 2018 40th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Honolulu, HI, USA, 18–21 July 2018; pp. 5894–5897. [Google Scholar] [CrossRef]
  25. Deepak, S.; Ameer, P.M. Brain tumor classification using deep CNN features via transfer learning. Comput. Biol. Med. 2019, 111, 103345. [Google Scholar] [CrossRef]
  26. Hemanth, M.; Janardhan, M.; Sujihelen, L. Design and Implementing Brain Tumor Detection Using. Machine Learning Approach. In Proceedings of the 2019 3rd International Conference on Trends in Electronics and Informatics (ICOEI), Tirunelveli, India, 23–25 April 2019; pp. 1289–1294. [Google Scholar] [CrossRef]
  27. Kutlu, H.; Avcı, E. A Novel Method for Classifying Liver and Brain Tumors Using Convolutional Neural Networks, Discrete Wavelet Transform and Long Short-Term Memory Networks. Sensors 2019, 19, 1992. [Google Scholar] [CrossRef] [PubMed]
  28. Ge, C.; Gu, I.Y.-H.; Jakola, A.S.; Yang, J. Deep semi-supervised learning for brain tumor classification. BMC Med. Imaging 2020, 20, 87. [Google Scholar] [CrossRef] [PubMed]
  29. Khan, H.A.; Jue, W.; Mushtaq, M.; Mushtaq, M.U. Brain tumor classification in MRI image using convolutional neural network. Math. Biosci. Eng. MBE 2020, 17, 6203–6216. [Google Scholar] [CrossRef] [PubMed]
  30. Khan, M.A.; Ashraf, I.; Alhaisoni, M.; Damaševičius, R.; Scherer, R.; Rehman, A.; Bukhari, S.A.C. Multimodal Brain Tumor Classification Using Deep Learning and Robust Feature Selection: A Machine Learning Application for Radiologists. Diagnostics 2020, 10, 565. [Google Scholar] [CrossRef] [PubMed]
  31. Manni, F.; van der Sommen, F.; Fabelo, H.; Zinger, S.; Shan, C.; Edström, E.; Elmi-Terander, A.; Ortega, S.; Callicó, G.M.; de With, P.H.N. Hyperspectral Imaging for Glioblastoma Surgery: Improving Tumor Identification Using a Deep Spectral-Spatial Approach. Sensors 2020, 20, 6955. [Google Scholar] [CrossRef] [PubMed]
  32. Mzoughi, H.; Njeh, I.; Wali, A.; Ben Slima, M.; BenHamida, A.; Mhiri, C.; Ben Mahfoudhe, K. Deep Multi-Scale 3D Convolutional Neural Network (CNN) for MRI Gliomas Brain Tumor Classification. J. Digit. Imaging 2020, 33, 903–915. [Google Scholar] [CrossRef] [PubMed]
  33. Pei, L.; Vidyaratne, L.; Rahman, M.; Iftekharuddin, K.M. Context aware deep learning for brain tumor segmentation, subtype classification, and survival prediction using radiology images. Sci. Rep. 2020, 10, 19726. [Google Scholar] [CrossRef] [PubMed]
  34. Rehman, A.; Naz, S.; Razzak, M.I.; Akram, F.; Imran, M. A Deep learning-based framework for automatic brain tumors classification using transfer learning. Circ. Syst. Signal. Process. 2020, 39, 757–775. [Google Scholar] [CrossRef]
  35. Tandel, G.S.; Balestrieri, A.; Jujaray, T.; Khanna, N.N.; Saba, L.; Suri, J.S. Multiclass magnetic resonance imaging brain tumor classification using artificial intelligence paradigm. Comput. Biol. Med. 2020, 122, 103804. [Google Scholar] [CrossRef]
  36. Kader, I.A.E.; Xu, G.; Shuai, Z.; Saminu, S.; Javaid, I.; Ahmad, I.S. Differential Deep Convolutional Neural Network Model for Brain Tumor Classification. Brain Sci. 2021, 11, 352. [Google Scholar] [CrossRef]
  37. El Kader, I.A.; Xu, G.; Shuai, Z.; Saminu, S. Brain Tumor Detection and Classification by Hybrid CNN-DWA Model Using MR Images. Curr. Med. Imaging 2021, 17, 1248–1255. [Google Scholar] [CrossRef]
  38. Hashemzehi, R.; Mahdavi, S.J.S.; Kheirabadi, M.; Kamel, S.R. Y-net: A reducing gaussian noise convolutional neural network for MRI brain tumor classification with NADE concatenation. Biomed. Phys. Eng. Express 2021, 7, 055006. [Google Scholar] [CrossRef]
  39. 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]
  40. Kang, J.; Ullah, Z.; Gwak, J. MRI-Based Brain Tumor Classification Using Ensemble of Deep Features and Machine Learning Classifiers. Sensors 2021, 21, 2222. [Google Scholar] [CrossRef]
  41. Latif, G.; Iskandar, D.A.; Alghazo, J.; Butt, M.M. Brain MR Image Classification for Glioma Tumor detection using Deep Convolutional Neural Network Features. Curr. Med. Imaging 2021, 17, 56–63. [Google Scholar] [CrossRef]
  42. Murthy, M.Y.B.; Koteswararao, A.; Babu, M.S. Adaptive fuzzy deformable fusion and optimized CNN with ensemble classification for automated brain tumor diagnosis. Biomed. Eng. Lett. 2021, 12, 37–58. [Google Scholar] [CrossRef]
  43. Amou, M.A.; Xia, K.; Kamhi, S.; Mouhafid, M. A Novel MRI Diagnosis Method for Brain Tumor Classification Based on CNN and Bayesian Optimization. Healthcare 2022, 10, 494. [Google Scholar] [CrossRef]
  44. Alanazi, M.F.; Ali, M.U.; Hussain, S.J.; Zafar, A.; Mohatram, M.; Irfan, M.; AlRuwaili, R.; Alruwaili, M.; Ali, N.H.; Albarrak, A.M. Brain Tumor/Mass Classification Framework Using Magnetic-Resonance-Imaging-Based Isolated and Developed Transfer Deep-Learning Model. Sensors 2022, 22, 372. [Google Scholar] [CrossRef]
  45. Almalki, Y.E.; Ali, M.U.; Kallu, K.D.; Masud, M.; Zafar, A.; Alduraibi, S.K.; Irfan, M.; Basha, M.A.A.; Alshamrani, H.A.; Alduraibi, A.K.; et al. Isolated Convolutional-Neural-Network-Based Deep-Feature Extraction for Brain Tumor Classification Using Shallow Classifier. Diagnostics 2022, 12, 1793. [Google Scholar] [CrossRef]
  46. Aurna, N.F.; Abu Yousuf, M.; Abu Taher, K.; 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]
  47. Haq, A.U.; Li, J.P.; Khan, S.; Alshara, M.A.; Alotaibi, R.M.; Mawuli, C. DACBT: Deep learning approach for classification of brain tumors using MRI data in IoT healthcare environment. Sci. Rep. 2022, 12, 15331. [Google Scholar] [CrossRef]
  48. Ker, J.; Bai, Y.; Lee, H.Y.; Rao, J.; Wang, L. Automated brain histology classification using machine learning. J. Clin. Neurosci. Off. J. Neurosurg. Soc. Australas 2019, 66, 239–245. [Google Scholar] [CrossRef]
  49. Kibriya, H.; Amin, R.; Alshehri, A.H.; Masood, M.; Alshamrani, S.S.; Alshehri, A. A Novel and Effective Brain Tumor Classification Model Using Deep Feature Fusion and Famous Machine Learning Classifiers. Comput. Intell. Neurosci. 2022, 2022, 7897669. [Google Scholar] [CrossRef]
  50. Ramya, M.; Kirupa, G.; Rama, A. Brain tumor classification of magnetic resonance images using a novel CNN-based medical image analysis and detection network in comparison with AlexNet. J. Popul. Ther. Clin. Pharmacol. J. Ther. Popul. Pharmacol. Clin. 2022, 29, e97–e108. [Google Scholar] [CrossRef]
  51. Sekhar, A.; Biswas, S.; Hazra, R.; Sunaniya, A.K.; Mukherjee, A.; Yang, L. Brain Tumor Classification Using Fine-Tuned GoogLeNet Features and Machine Learning Algorithms: IoMT Enabled CAD System. IEEE J. Biomed. Health Inform. 2022, 26, 983–991. [Google Scholar] [CrossRef]
  52. Srinivas, C.; KS, N.P.K.; Zakariah, M.; Alothaibi, Y.A.; Shaukat, K.; Partibane, B.; Awal, H. Deep Transfer Learning Approaches in Performance Analysis of Brain Tumor Classification Using MRI Images. J. Healthc. Eng. 2022, 2022, 3264367. [Google Scholar] [CrossRef]
  53. Taher, F.; Shoaib, M.R.; Emara, H.M.; Abdelwahab, K.M.; El-Samie, F.E.A.; Haweel, M.T. Efficient framework for brain tumor detection using different deep learning techniques. Front. Public Healthc. 2022, 10, 959667. [Google Scholar] [CrossRef]
  54. Tiwari, P.; Pant, B.; Elarabawy, M.M.; Abd-Elnaby, M.; Mohd, N.; Dhiman, G.; Sharma, S. CNN Based Multiclass Brain Tumor Detection Using Medical Imaging. Comput. Intell. Neurosci. 2022, 2022, 1830010. [Google Scholar] [CrossRef]
  55. Yazdan, S.A.; Ahmad, R.; Iqbal, N.; Rizwan, A.; Khan, A.N.; Kim, D.-H. An Efficient Multi-Scale Convolutional Neural Network Based Multi-Class Brain MRI Classification for SaMD. Tomography 2022, 8, 1905–1927. [Google Scholar] [CrossRef]
  56. Zahoor, M.M.; Qureshi, S.A.; Bibi, S.; Khan, S.H.; Khan, A.; Ghafoor, U.; Bhutta, M.R. A New Deep Hybrid Boosted and Ensemble Learning-Based Brain Tumor Analysis Using MRI. Sensors 2022, 22, 2726. [Google Scholar] [CrossRef]
  57. El-Wahab, B.S.A.; Nasr, M.E.; Khamis, S.; Ashour, A.S. BTC-fCNN: Fast Convolution Neural Network for Multi-class Brain Tumor Classification. Healthc. Inf. Sci. Syst. 2023, 11, 3. [Google Scholar] [CrossRef]
  58. Al-Azzwi, Z.H.N.; Nazarov, A. Brain Tumor Classification based on Improved Stacked Ensemble Deep Learning Methods. Asian Pac. J. Cancer Prev. 2023, 24, 2141–2148. [Google Scholar] [CrossRef]
  59. AlTahhan, F.E.; Khouqeer, G.A.; Saadi, S.; Elgarayhi, A.; Sallah, M. Refined Automatic Brain Tumor Classification Using Hybrid Convolutional Neural Networks for MRI Scans. Diagnostics 2023, 13, 864. [Google Scholar] [CrossRef]
  60. Alturki, N.; Umer, M.; Ishaq, A.; Abuzinadah, N.; Alnowaiser, K.; Mohamed, A.; Saidani, O.; Ashraf, I. Combining CNN Features with Voting Classifiers for Optimizing Performance of Brain Tumor Classification. Cancers 2023, 15, 1767. [Google Scholar] [CrossRef]
  61. Khan, F.; Ayoub, S.; Gulzar, Y.; Majid, M.; Reegu, F.A.; Mir, M.S.; Soomro, A.B.; Elwasila, O. MRI-Based Effective Ensemble Frameworks for Predicting Human Brain Tumor. J. Imaging 2023, 9, 163. [Google Scholar] [CrossRef]
  62. Kumar, S.; Choudhary, S.; Jain, A.; Singh, K.; Ahmadian, A.; Bajuri, M.Y. Brain Tumor Classification Using Deep Neural Network and Transfer Learning. Brain Topogr. 2023, 36, 305–318. [Google Scholar] [CrossRef]
  63. Kurdi, S.Z.; Ali, M.H.; Jaber, M.M.; Saba, T.; Rehman, A.; Damaševičius, R. Brain Tumor Classification Using Meta-Heuristic Optimized Convolutional Neural Networks. J. Pers. Med. 2023, 13, 181. [Google Scholar] [CrossRef]
  64. Muezzinoglu, T.; Baygin, N.; Tuncer, I.; Barua, P.D.; Baygin, M.; Dogan, S.; Tuncer, T.; Palmer, E.E.; Cheong, K.H.; Acharya, U.R. PatchResNet: Multiple Patch Division–Based Deep Feature Fusion Framework for Brain Tumor Classification Using MRI Images. J. Digit. Imaging 2023, 36, 973–987. [Google Scholar] [CrossRef]
  65. Özkaraca, O.; Bağrıaçık, O.; Gürüler, H.; Khan, F.; Hussain, J.; Khan, J.; e Laila, U. Multiple Brain Tumor Classification with Dense CNN Architecture Using Brain MRI Images. Life 2023, 13, 349. [Google Scholar] [CrossRef]
  66. Rasheed, Z.; Ma, Y.-K.; Ullah, I.; Al Shloul, T.; Bin Tufail, A.; Ghadi, Y.Y.; Khan, M.Z.; Mohamed, H.G. Automated Classification of Brain Tumors from Magnetic Resonance Imaging Using Deep Learning. Brain Sci. 2023, 13, 602. [Google Scholar] [CrossRef]
  67. Ravinder, M.; Saluja, G.; Allabun, S.; Alqahtani, M.S.; Abbas, M.; Othman, M.; Soufiene, B.O. Enhanced brain tumor classification using graph convolutional neural network architecture. Sci. Rep. 2023, 13, 14938. [Google Scholar] [CrossRef]
  68. ZainEldin, H.; Gamel, S.A.; El-Kenawy, E.-S.M.; Alharbi, A.H.; Khafaga, D.S.; Ibrahim, A.; Talaat, F.M. Brain Tumor Detection and Classification Using Deep Learning and Sine-Cosine Fitness Grey Wolf Optimization. Bioengineering 2022, 10, 18. [Google Scholar] [CrossRef]
  69. Zhang, J.; Tan, X.; Chen, W.; Du, G.; Fu, Q.; Zhang, H.; Jiang, H. EFF_D_SVM: A robust multi-type brain tumor classification system. Front. Neurosci. 2023, 17, 1269100. [Google Scholar] [CrossRef]
  70. Simonyan, K.; Zisserman, A. Very Deep CNN for Large-Scale Image Recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  71. Huang, G.; Liu, Z.; Van Der Maaten, L.; Weinberger, K.Q. Densely connected convolutional networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 4700–4708. [Google Scholar]
  72. Rasool, M.; Ismail, N.A.; Boulila, W.; Ammar, A.; Samma, H.; Yafooz, W.M.S.; Emara, A.-H.M. A Hybrid Deep Learning Model for Brain Tumour Classification. Entropy 2022, 24, 799. [Google Scholar] [CrossRef]
  73. Szegedy, C.; Liu, W.; Jia, Y.; Sermanet, P.; Reed, S.; Anguelov, D.; Erhan, D.; Vanhoucke, V.; Rabinovich, A. Going deeper with convolutions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 1–9. [Google Scholar]
  74. Yasaka, K.; Akai, H.; Kunimatsu, A.; Kiryu, S.; Abe, O. Deep learning with convolutional neural network in radiology. Jpn. J. Radiol. 2018, 36, 257–272. [Google Scholar] [CrossRef]
  75. Zeineldin, R.A.; Karar, M.E.; Elshaer, Z.; Coburger, J.; Wirtz, C.R.; Burgert, O.; Mathis-Ullrich, F. Explainability of deep neural networks for MRI analysis of brain tumors. Int. J. Comput. Assist. Radiol. Surg. 2022, 17, 1673–1683. [Google Scholar] [CrossRef]
  76. Haque, R.; Hassan, M.; Bairagi, A.K.; Islam, S.M.S. NeuroNet19: An explainable deep neural network model for the classification of brain tumors using magnetic resonance imaging data. Sci. Rep. 2024, 14, 1524. [Google Scholar] [CrossRef]
Figure 1. Preferred Reporting Items for Systematic Reviews and Meta-Analyses (PRISMA) diagram.
Figure 1. Preferred Reporting Items for Systematic Reviews and Meta-Analyses (PRISMA) diagram.
Neuroglia 05 00008 g001
Figure 2. Brain tumor MRI image subtypes. Red circles outline respective tumor location.
Figure 2. Brain tumor MRI image subtypes. Red circles outline respective tumor location.
Neuroglia 05 00008 g002
Figure 3. Schematic illustration of platform workflow.
Figure 3. Schematic illustration of platform workflow.
Neuroglia 05 00008 g003
Figure 4. Performance of brain tumor classification (note: numbers may not add up to 100 due to rounding).
Figure 4. Performance of brain tumor classification (note: numbers may not add up to 100 due to rounding).
Neuroglia 05 00008 g004
Figure 5. Precision–recall curve.
Figure 5. Precision–recall curve.
Neuroglia 05 00008 g005
Table 1. Studies utilizing CNN for brain tumor classification.
Table 1. Studies utilizing CNN for brain tumor classification.
Author (Year)Brain Tumor SubtypesModel AlgorithmAverage Accuracy (%)Dataset SizeDataset Used
Abiwinanda (2018) [23]Glioma
Pituitary Adenoma
Meningioma
13-layer CNN84.193064Kaggle
Ge C (2018) [24]IDH Mutation
IDH Wild-type
Gliomas with/without 1p19q codeletion
Multistream CNN and Fusion Network90.13444MICCAI
BraTS 2017
Mayo Clinic
Deepak (2019) [25]Meningioma
Pituitary
Glioma
GoogleNet91.83064Kaggle
Hemanth (2019) [26]Normal
Tumor
CNN94.5220NS
Kutlu (2019) [27]Meningioma
Pituitary
Glioma
CNN–DWT–LSTM hybrid98.63064NS
Ge C (2020) [28]IDH Mutation
IDH Wild-type
Glioma (high vs. low grade)
GAN-augmented Multi-stream 2D CNN88.62485TCGA
MICCAI
Khan HA (2020) [29]Benign tumor
Malignant tumor
CNN100253Kaggle
Khan MA (2020) [30]T1, T2, T1CE, and FlairVGG16 and VGG19 feature extraction and fusion, ELM classification95.73 BraTs2015/17/18
Manni (2020) [31]Normal
Glioblastoma Multiforme
3D–2D hybrid8026In vivo HS human-brain image database
Mzoughi (2020) [32]Glioma (high v low grade)3Ddeep CNN96.49284BraTS-2018
Pei (2020) [33]Glioma (high v low grade)3DCNN48.4335BraTS-2019–2020
TCIA
Rehman (2020) [34]Glioma
Pituitary Adenoma
Meningioma
AlexNet
GoogleNet
VGGNet
95.638934Kaggle
Nanfang Hospital
Tandel (2020) [35]Normal
Tumor
Astrocytoma
Oligodendroglioma
Glioblastoma Multiforme
AlexNet99NSREMBRANDT
Kader (2021) [36]Tumor, NormalDifferential Deep-CNN99.2525,000Tianjin Universal Center of Medical Imaging and Diagnostic (TUCMD)
El Kader (2021) [37]Normal
Tumor
Hybrid CNN-DWA983650BRATS2012–2015
ISLES-SISS 2015
Hashemzehi (2021) [38]Normal
Meningioma
Pituitary
Glioma
Y-Net with NADE82.916328Figshare
Kaggle
Irmak (2021) [39]Glioma
Pituitary Adenoma
Meningioma
Metastatic
25-layer CNN92.66424,486RIDER
Repository of Molecular Brain Neoplasia Data (REMBRANDT)
KAGGLE
TCGA-LGG
Kang (2021) [40]Glioma
Pituitary Adenoma
Meningioma
CNN models with machine-learning classifiers93.723064Kaggle
Latif (2021) [41]Glioma (high v low grade)CNN98.7740,300BRATS-2015
Murthy (2021) [42]Normal
Tumor
Optimized Convolutional Neural Network with Ensemble Classification (OCNN-EC)95.3253Kaggle website (figshare, SARTAJ dataset, Br35H)
Amou (2022) [43]Meningioma
Pituitary
Glioma
optimized CNN98.73064Figshare
Tianjin Medical University
Alanazi (2022) [44]Glioma
Pituitary Adenoma
Meningioma
Developed transfer-learned CNN96.333000Kaggle
Almalki (2022) [45]Normal
Meningioma
Pituitary
Glioma
22-layer deep feature trained SVM982970Kaggle
Aurna (2022) [46]NSPCA + CNN99.13NSNS
Haq (2022) [47]Normal
Meningioma
Pituitary
Glioma
ResNet50-CNN99.9253Nanfang Hospital
Tianjing Medical University
Kaggle
Ker (2022) [48]Normal
Glioma (high vs. low grade)
Google Inception V3 CNN 6154Tan Tock Seng Hospital
Kibriya (2022) [49]Meningioma
Pituitary
Glioma
AlexNet, GoogLeNet, ResNet18, feature extraction and fusion, SVM and KNN classification99.715,320Figshare
Ramya (2022) [50]Normal
Tumor
MIDNet18 14-layer CNN98.544588Kaggle
Sekhar (2022) [51]Glioma
Meningioma
Pituitary
GoogLeNetNSNSNS
Srinivas (2022) [52]Normal
Tumor
VGG-16, ResNet-50, and Inception-v3 models88.2233Kaggle
Taher (2022) [53]NSBRAIN-TUMOR-net93.67NSNS
Tiwari (2022) [54]Normal
Glioma
Meningioma
Pituitary
CNN993264Kaggle
Yazdan (2022) [55]Glioma
Meningioma
Pituitary
Non-tumor
CNN91.23264Kaggle
Zahoor (2022) [56]Normal TumorCNN99.25058CE-MRI
Abd El-Wahab (2023) [57]Meningioma
Pituitary
Glioma
BTC-fCNN98.863064Figshare
Al-Azzwi (2023) [58]Normal
Tumor
VGG-119, stacked ensemble DL96.650Kaggle
AlTahhan (2023) [59]Normal
Meningioma
Pituitary
Glioma
AlexNet-KNN98.62880Figshare
SARTAJ
Br35h
Alturki (2023) [60]Tumor, NormalCNN features + voting classifier99.93762Kaggle
Khan (2023) [61]Normal
Tumor
XG-Ada-RF (Ensemble of Extreme Gradient Boosting, Ada-Boost, and Random Forest)95.93762Figshare
Kumar (2023) [62]Benign tumor
Malignant tumor
Improved Res-Net96.81572ACRIN-DSC-MR-Brain (ACRIN 6677/RTOG 0625)
CPTAC-GBM
ACRIN-FMISO-Brain (ACRIN 6684)
Kurdi (2023) [63]Normal
Tumor
Harris Hawks optimized CNN (HHOCNN)98253Kaggle
Muezzinoglu (2023) [64]Normal
Meningioma
Pituitary
Glioblastoma Multiforme
PatchResNet98.13264Kaggle website (figshare, SARTAJ dataset, Br35H)
Özkaraca (2023) [65]Normal
Meningioma
Pituitary
Glioma
VGG16, ResNet927021Kaggle
Figshare
SARTAJ
Br35H
Rasheed (2023) [66]Glioma
Meningioma
Pituitary
CNN (16-layer)98.043064Kaggle
Ravinder (2023) [67]Normal
Meningioma
Pituitary
Glioma
Graph Neural Network (GNN)95.013264Kaggle
ZainEldin (2023) [68]Normal TumorBCM-CNN99.983064Figshare
Zhang (2023) [69]Glioma
Meningioma
Pituitary
Normal
EFF_D_SVM98.593264Kaggle
Proposed BRAIN modelNormal
Meningioma
Glioblastoma
Schwannoma
Astrocytoma
BRAIN96.82611Kaggle
Hospital Dataset
NS = Not specified; CNN = convolutional neural network.
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.

Share and Cite

MDPI and ACS Style

Ghauri, M.S.; Wang, J.-Y.; Reddy, A.J.; Shabbir, T.; Tabaie, E.; Siddiqi, J. Brain Tumor Recognition Using Artificial Intelligence Neural-Networks (BRAIN): A Cost-Effective Clean-Energy Platform. Neuroglia 2024, 5, 105-118. https://doi.org/10.3390/neuroglia5020008

AMA Style

Ghauri MS, Wang J-Y, Reddy AJ, Shabbir T, Tabaie E, Siddiqi J. Brain Tumor Recognition Using Artificial Intelligence Neural-Networks (BRAIN): A Cost-Effective Clean-Energy Platform. Neuroglia. 2024; 5(2):105-118. https://doi.org/10.3390/neuroglia5020008

Chicago/Turabian Style

Ghauri, Muhammad S., Jen-Yeu Wang, Akshay J. Reddy, Talha Shabbir, Ethan Tabaie, and Javed Siddiqi. 2024. "Brain Tumor Recognition Using Artificial Intelligence Neural-Networks (BRAIN): A Cost-Effective Clean-Energy Platform" Neuroglia 5, no. 2: 105-118. https://doi.org/10.3390/neuroglia5020008

Article Metrics

Back to TopTop