Submitted Successfully!
To reward your contribution, here is a gift for you: A free trial for our video production service.
Thank you for your contribution! You can also upload a video entry or images related to this topic.
Version Summary Created by Modification Content Size Created at Operation
1 -- 2156 2024-03-29 05:52:17 |
2 references update and layout + 6 word(s) 2162 2024-04-01 07:12:32 |

Video Upload Options

Do you have a full video?

Confirm

Are you sure to Delete?
Cite
If you have any further questions, please contact Encyclopedia Editorial Office.
Malla, P.P.; Sahu, S.; Alutaibi, A.I. Classification of Tumor in Brain Magnetic Resonance Images. Encyclopedia. Available online: https://encyclopedia.pub/entry/56524 (accessed on 29 April 2024).
Malla PP, Sahu S, Alutaibi AI. Classification of Tumor in Brain Magnetic Resonance Images. Encyclopedia. Available at: https://encyclopedia.pub/entry/56524. Accessed April 29, 2024.
Malla, Prince Priya, Sudhakar Sahu, Ahmed I. Alutaibi. "Classification of Tumor in Brain Magnetic Resonance Images" Encyclopedia, https://encyclopedia.pub/entry/56524 (accessed April 29, 2024).
Malla, P.P., Sahu, S., & Alutaibi, A.I. (2024, March 29). Classification of Tumor in Brain Magnetic Resonance Images. In Encyclopedia. https://encyclopedia.pub/entry/56524
Malla, Prince Priya, et al. "Classification of Tumor in Brain Magnetic Resonance Images." Encyclopedia. Web. 29 March, 2024.
Classification of Tumor in Brain Magnetic Resonance Images
Edit

Brain tumors can cause serious health complications and lead to death if not detected accurately. Therefore, early-stage detection of brain tumors and accurate classification of types of brain tumors play a major role in diagnosis. Timely detection, diagnosis, and classification of brain tumors have been instrumental in effective treatment planning for the recovery and life extension of the patient. Brain tumor detection is a procedure to differentiate the abnormal tissues for example active tumor tissue, edema tissue from normal tissues for example gray matter, white matter.

medical imaging magnetic resonance imaging deep learning tumor detection

1. Introduction

Recently, computer vision-based medical imaging techniques help medical experts for better diagnosis and treatment [1]. A number of medical imaging modalities for example X-ray, computer tomography (CT), MRI, and ultrasound have shown remarkable achievements in the health care system [2]. These medical imaging techniques have been utilized for brain imaging analysis, diagnosis, and treatment. The detection and classification of brain tumors have emerged as a hot research topic for researchers, radiologists, and medical experts [3].
Brain tumors arise due to the unusual growths and unrestrained cell division in the brain. It can deteriorate the health condition of a patient and expedite casualty if not detected precisely [4]. Generally, brain tumor is grouped into two varieties, for example malignant tumor and benign tumor. A malignant tumor is regarded a cancerous tumor and a benign tumor is considered a noncancerous tumor. The objective of tumor detection is to identify the position and extension of the tumor area. This detection task can be accomplished by comparing the abnormal areas with the normal tissue [5]. Accurate imaging analysis of brain tumor images can determine a patient’s condition. MRI is an extensively used imaging technique for the study of brain tumors. The brain MR images provide a clear representation of the brain structure and abnormalities [6]. It is observed that for brain tumor detection, two important imaging modalities such as CT scan and MRI are used. However, as compared to CT scans, MRI is preferred due to its non-invasive nature which produces high-resolution images of brain tumors. Usually, brain MRI can be modeled into four modes such as T1-weighted, T1-weighted contrast-enhanced, T2-weighted, and T2-weighted FLAIR. Each model illustrates different features of a brain tumor [7]. In the literature, various automated approaches have been introduced for brain tumor classification utilizing brain MRI. Over the years, support vector machine (SVM) and neural network (NN) based approaches are extensively utilized for brain tumor classification [8][9][10][11]. Konur et al. [12] proposed SVM based approach where the SVM model is first trained with known samples and then, the trained model is used to process other brain tumor images. Xiao et al. [13] developed a segmentation technique by merging both Fuzzy C-Means and SVM algorithms.
Earlier, machine learning (ML) based tumor detection approaches are considered state-of-the-art techniques. Recently, these ML-based approaches are unable to provide high accuracy results due to inefficient prediction models and the acute features of the medical data. Therefore, most of the researchers tried to find an alternative learning-based approach for the improvement of the classification accuracy [14][15]. Alternatively, deep learning (DL) sets a sensational development in the machine learning domain since DL architectures can efficiently predict the model by using a large dataset. Unlike SVM and KNN, the deep learning models are able to signify complex relationships deprived of using a large number of nodes. Therefore, these approaches have obtained brilliant performance in medical imaging applications [16]. Recently many researchers have developed computer-aided frameworks for medical image classification tasks that produce outstanding results. Yu et al. [17] introduced a computer-aided electroencephalogram (EEG) classification framework named CABLES that classifies the six different EEG domains under a unified sequential frame. The authors have conducted comprehensive experiments on seven different types of datasets by using a 10-fold cross-validation scheme. The proposed EEG signal classification framework has shown significant improvements over the domain-specific approaches in terms of classification accuracies. Sadiq et al. [18] developed an innovative pre-trained CNN based automated brain-computer interface (BCI) framework for EEG signal identifications. This framework is basically investigating the consequences of various limiting factors. The proposed approach has been assessed using three public datasets. The experimental results witnessed the robustness of the proposed BCI framework when identifying EEG signals. Huang et al. [19] urther developed a deep learning based EEG segregation pipeline to overcome the previous limitations present in the BCI framework. In this approach, the authors have merged the concepts of multiscale principal component analysis, Hilbert transform based signal resolution approach, and pre-trained CNNs for the automatic feature estimation and segregation. The proposed BCI framework has been evaluated using three binary class datasets. It is found the proposed approach is reliable in identifying EEG signals and has shown outstanding performance in terms of classification accuracy.
The traditional diagnostic approach such as histopathology is the process of detecting the disease with the help of microscopic investigation of a biopsy which is exposed onto a glass slide. The traditional diagnostic approaches are performed manually from tissue samples by pathologists. The area of infected area However, these traditional diagnostic approaches are time consuming and difficult. On the other hand, transfer learning-based DCNN framework reduces the workload of the pathologist and supports them to concentrate on vulnerable cases. Moreover, the use of transfer learning can help to process the brain MRl images faster and more accurately. Further, the automatic detection and classification will lead to a quicker diagnosis procedure which is less labor-intensive.
The DCNN architectures have shown outstanding performance in detecting and classifying brain tumors because of their generalizations of different levels of features. Also, the pre-processing steps such as data augmentation and stain normalization used in DCNN are beneficial to obtain robust and accurate performance. Therefore, researchers are motivated to use DCNN architecture to detect and classify brain tumors. However, the accurateness of DCNN architectures depends on the data sample and the training process since these architectures require more precise data for better output. In order to overcome this limitation, transfer learning can be employed for improved performance. Mainly, transfer learning has two main aspects such as fine-tune the convolutional network and freeze the layers of the convolutional network. Instead of building a CNN model from scratch, fine-tuning the pre-trained model will be sufficient for the classification task.
Therefore, researchers use a pre-trained DCNN architecture called as VGGNet based on transfer learning to classify brain tumors for instance meningioma tumor, glioma tumor, and pituitary tumor. Usually, the pre-trained architecture is previously trained on a large dataset and used to transfer its learning parameters to the target dataset. Therefore, the pre-trained model can consume less time since it does not require a large dataset to get the results. The top layers of the VGGNet model extract the low-level features for example colors and edges whereas, the bottom layers extract the high-level features for example objects and contours. The objective is to transfer the knowledge learned by VGGNet to a different target task of classifying brain tumor MRI images. The main objective of using VGGNet over other pre-trained networks is the use of small receptive fields in VGGNet rather than massive fields. Due to the use of smaller convolutional filters in the VGGNet, it contains a significant number of weight layers and in turn, it provides better performance. Further, this proposed approach uses a Global Average Pooling (GAP) layer at the output to avoid overfitting issues and vanishing gradient problems. The GAP layer is used to transform the multidimensional feature map into a one-dimensional feature vector [20][21][22]. Since the GAP layer does not need parameter optimization, therefore, the overfitting issue can be escaped at this layer.

2. Classification of Tumor in Brain Magnetic Resonance Images

Brain tumor detection and classification problem have been evolved as a hot research topic for two decades because of their high medical relevance. Timely detection, diagnosis, and classification of brain tumors have been instrumental in effective treatment planning for the recovery and life extension of the patient. Brain tumor detection is a procedure to differentiate the abnormal tissues for example active tumor tissue, edema tissue from normal tissues for example gray matter, white matter. Generally, the brain tumor detection process is grouped into three types such as manual detection, semi-automatic detection, and fully automatic detection. Currently, medical experts are giving more importance to fully automatic detection methods where the tumor location and area can be detected automatically deprived of human intervention by setting appropriate parameters.
The deep learning model extends the conventional neural networks with the addition of more hidden layers among the input layer and output layer of the network in order to establish additional complex and nonlinear relations. A number of deep learning models for instance convolutional neural network (CNN), deep neural network (DNN), recurrent neural network (RNN) are extensively employed for medical imaging applications. Here, numerous deep learning-based existing work done for the brain tumor classification task is summarized.
Havaei et al. [23] introduced an automated DNN based brain tumor segmentation technique. This method accomplishes both local and global contextual features of the brain at one time. The fully connected (FC) layer used at the last layer of the network improves the network speed by 40 fold. This proposed model is applied specifically for the segmentation of glioblastomas tumors pictured in brain MRI. Rehman et al. [24] introduced three different types of CNN-based architecture for example AlexNet, GoogLeNet, and VGGNet for the classification of brain tumors. This framework attained an accuracy of 98.69% by utilizing the VGG16 network.
Instead of extracting features from the bottom layers of the pre-trained network, Noreen et al. [25] introduced an efficient framework where, the features are extracted from multiple levels and then, concatenated to diagnose the brain tumor. Initially, the features are extracted from DensNet201 and then, concatenated. At last, the concatenated features are provided as input to the softmax classifier for the classification. Similar steps are applied for the pre-trained Inceptionv3 model. The performances of both models are assessed and validated using a three-class brain tumor dataset. The proposed framework achieved accuracies of 99.34%, and with Inception-v3 model and DensNet201 model respectively in terms of classification of brain tumor.
Li et al. [26] developed a multi-CNN structure by combining multimodal information fusion and CNN to detect brain tumors. The authors have extended the 2D-CNNs to multimodal 3D-CNNs in order to get different information among the modalities. Also, a superior weight loss function is introduced to minimize the interference of the non-focal area which in turn increases the accuracy of detection. Sajjad et al. [27] developed a CNN-based multi-grade classification system which helped in clear segmentation of tumor region from the dataset. In this system, first, a deep learning technique is utilized to segment tumor areas from brain MRI. Subsequently, the proposed model is trained effectively to avoid the deficiency of data problems to deal with MR images. Finally, the trained network is fine-tuned using augmented data to classify brain tumors. This method achieves an accuracy of 90.67% for enhancing the classification of tumors into different grades.
Anaraki et al. [1] proposed a tumor classification approach by taking advantage of both CNN and the genetic algorithm (GA). Instead of adopting a pre-defined deep neural network model, this proposed approach uses GA for the development of CNN architecture. The proposed approach attained an accuracy of 90.9% for classifying three Glioma grades. Zhou et al. [28] presented a universal methodology based on DenseNet and RNN to detect numerous types of brain tumors on brain MRI. The proposed methodology can successfully handle the variations of location, shape, and size of tumors. In this method, first DenseNet is applied for the extraction of features from the 2D slices. Then, the RNN is used for the classification of obtained sequential features. The effectiveness of this approach is evaluated on public and proprietary datasets and attained an accuracy of 92.13%.
Afshar et al. [29] proposed a new learning-based architecture called capsule networks (CapsNets) for the detection of brain tumors. It is perceived that CNN needs enormous amounts of data for training. The introduction of CapsNets can overcome the training complexity of CNN as it requires fewer amounts of data for training. This approach incorporates CapsNets for brain tumor classification and achieves better performance than CNNs. Deepak et al. [30] recommended a transfer learning-based tumor classification system utilizing a pre-trained GoogLeNet to categorize three prominent tumors seen in the brain such as glioma, meningioma, and pituitary. This method effectively classifies tumors into different grades with a classification accuracy of 98%. Frid-Adar et al. [31] introduced a generative adversarial network for the task of medical image classification to face the challenges of the unavailability of medical image datasets. The proposed approach generates synthetic medical images which are utilized to improve the performance. This approach is validated on a limited liver lesions CT image dataset and has shown a superior classification performance of 85.7% sensitivity and 92.4% specificity. Abdullah et al. [32] introduced a robust transfer learning enabled lightweight network for the segmentation of brain tumors based on the VGG pre-trained network. The efficacy of the proposed approach has been evaluated on the BRATS2015 dataset. This framework attained a global accuracy of 98.11%.

References

  1. Kujur, A.; Raza, Z.; Khan, A.A.; Wechtaisong, C. Data Complexity Based Evaluation of the Model Dependence of Brain MRI Images for Classification of Brain Tumor and Alzheimer’s Disease. IEEE Access 2022, 10, 112117–112133.
  2. Zhu, Z.; He, X.; Qi, G.; Li, Y.; Cong, B.; Liu, Y. Brain tumor segmentation based on the fusion of deep semantics and edge information in multimodal MRI. Inf. Fusion 2023, 91, 376–387.
  3. Ismael, M.R.; Abdel-Qader, I. Brain Tumor Classification via Statistical Features and Back-Propagation Neural Network. In Proceedings of the 2018 IEEE International Conference on Electro/Information Technology (EIT), Rochester, MI, USA, 3–5 May 2018; pp. 0252–0257.
  4. Nawaz, S.A.; Khan, D.M.; Qadri, S. Brain Tumor Classification Based on Hybrid Optimized Multi-features Analysis Using Magnetic Resonance Imaging Dataset. Appl. Artif. Intell. 2022, 36, 2031824.
  5. Fang, L.; Wang, X. Brain tumor segmentation based on the dual-path network of multi-modal MRI images. Pattern Recognit. 2022, 124, 108434.
  6. Toğaçar, M.; Ergen, B.; Cömert, Z. Tumor type detection in brain MR images of the deep model developed using hypercolumn technique, attention modules, and residual blocks. Med. Biol. Eng. Comput. 2021, 59, 57–70.
  7. Abiwinanda, N.; Hanif, M.; Hesaputra, S.T.; Handayani, A.; Mengko, T.R. Brain Tumor Classification using Convolutional Neural Network. In Proceedings of the World Congress on Medical Physics and Biomedical Engineering 2018, Prague, Czech Republic, 3–8 June 2019; pp. 183–189.
  8. Mishra, S.K.; Deepthi, V.H. Brain image classification by the combination of different wavelet transforms and support vector machine classification. J. Ambient. Intell. Humaniz. Comput. 2021, 12, 6741–6749.
  9. Chen, B.; Zhang, L.; Chen, H.; Liang, K.; Chen, X. A novel extended Kalman filter with support vector machine based method for the automatic diagnosis and segmentation of brain tumors. Comput. Methods Programs Biomed. 2021, 200, 105797.
  10. Bonte, S.; Goethals, I.; Van, R.H. Machine learning based brain Tumour segmentation on limited data using local texture and abnormality. Comput. Biol. Med. 2018, 98, 39–47.
  11. Basha, A.J.; Balaji, B.S.; Poornima, S.; Prathilothamai, M.; Venkatachalam, K. Support vector machine and simple recurrent network based automatic sleep stage classification of fuzzy kernel. J. Ambient. Intell. Humaniz. Comput. 2021, 12, 6189–6197.
  12. Konur, U. Computerized detection of spina bifida using SVM with Zernike moments of fetal skulls in ultrasound screening. Biomed. Signal Process. Control. 2018, 43, 18–30.
  13. Xiao, J.; Tong, Y. Research of brain MRI image segmentation algorithm based on FCM and SVM. In Proceedings of the 26th Chinese Control and Decision Conference (2014 CCDC), Changsha, China, 31 May–2 June 2014; pp. 1–6.
  14. Gupta, M.; Rajagopalan, V.; Pioro, E.P.; Rao, B.P. Volumetric analysis of MR images for glioma classification and their effect on brain tissues. Signal Image Video Process. 2017, 11, 1337–1345.
  15. Litjens, G.; Kooi, T.; Bejnordi, B.E.; Setio, A.A.A.; Ciompi, F.; Ghafoorian, M.; van der Laak, J.A.W.M.; van Ginneken, B.; Sánchez, C.I. A survey on deep learning in medical image analysis. Med. Image Anal. 2017, 42, 60–88.
  16. Swati, Z.N.K.; Zhao, Q.; Kabir, M.; Ali, F.; Ali, Z.; Ahmed, S.; Lu, J. Brain tumor classification for MR images using transfer learning and fine-tuning. Comput. Med. Imaging Graph. 2019, 75, 34–46.
  17. Frid-Adar, M.; Diamant, I.; Klang, E.; Amitai, M.; Goldberger, J.; Greenspan, H. Greenspan, GAN-based synthetic medical image augmentation for increased CNN performance in liver lesion classification. Neurocomputing 2018, 321, 321–331.
  18. Havaei, M.; Davy, A.; Warde-Farley, D.; Biard, A.; Courville, A.; Bengio, Y.; Pal, C.; Jodoin, P.; Larochelle, H. Brain tumor segmentation with Deep Neural Networks. Med. Image Anal. 2017, 35, 18–31.
  19. Rehman, A.; Naz, S.; Razzak, M.I.; Akram, F.; Imran, M. A deep learning-based framework for automatic brain tumors classification using transfer learning. Circuits Syst. Signal Process. 2019, 39, 757–775.
  20. 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.
  21. Afshar, P.; Mohammadi, A.; Plataniotis, K.N. Brain Tumor Type Classification via Capsule Networks. In Proceedings of the 2018 25th IEEE International Conference on Image Processing (ICIP), Athens, Greece, 7–10 October 2018; pp. 3129–3133.
  22. Li, M.; Kuang, L.; Xu, S.; Sha, Z. Brain Tumor Detection Based on Multimodal Information Fusion and Convolutional Neural Network. IEEE Access 2019, 7, 180134–180146.
  23. Sajjad, M.; Khan, S.; Muhammad, K.; Wu, W.; Ullah, A.; Baik, S.W. Multi-grade brain tumor classification using deep CNN with extensive data augmentation. J. Comput. Sci. 2019, 30, 174–182.
  24. Zhou, Y.; Li, Z.; Zhu, H.; Chen, C.; Gao, M.; Xu, K.; Xu, J. Holistic Brain Tumor Screening and Classification based on DenseNet and Recurrent Neural Network. In Brainlesion: Glioma, Multiple Sclerosis, Stroke and Traumatic Brain Injuries: 4th International Workshop, BrainLes 2018, Proceedings of the Conjunction with MICCAI 2018, Granada, Spain, 16 September 2018; Revised Selected Papers, Part I 4; Springer: Berlin/Heidelberg, Germany, 2018; pp. 208–217.
  25. Pashaei, A.; Sajedi, H.; Jazayeri, N. Brain Tumor Classification via Convolutional Neural Network and Extreme Learning Machines. In Proceedings of the 2018 8th International Conference on Computer and Knowledge Engineering (ICCKE), Mashhad, Iran, 25–26 October 2018; pp. 314–319.
  26. Chen, X.; Wang, X.; Zhang, K.; Fung, K.M.; Thai, T.C.; Moore, K.; Mannel, R.S.; Liu, H.; Zheng, B.; Qiu, Y. Recent advances and clinical applications of deep learning in medical image analysis. Med. Image Anal. 2022, 79, 102444.
  27. Wang, L.; Wang, H.; Huang, Y.; Yan, B.; Chang, Z.; Liu, Z.; Zhao, M.; Cui, L.; Song, J.; Li, F. Trends in the application of deep learning networks in medical image analysis: Evolution between 2012 and 2020. Eur. J. Radiol. 2022, 146, 110069.
  28. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. ImageNet classification with deep convolutional neural networks. Adv. Neural Inf. Process. Syst. 2017, 60, 84–90.
  29. Long, M.; Cao, Y.; Wang, J.; Jordan, M. Learning Transferable Features with Deep Adaptation Networks. In Proceedings of the International Conference on Machine Learning, Honolulu, HI, USA, 23–29 July 2015; JMLR. pp. 97–105.
  30. Deepak, S.; Ameer, P.M. Brain tumor classification using deep CNN features via transfer learning. Comput. Biol. Med. 2019, 111, 103345.
  31. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2014, arXiv:1409.1556.
  32. Cheng, J. Brain Tumor Dataset. Figshare. Dataset. 2017. Available online: https://figshare.com/articles/dataset/brain_tumor_dataset/1512427 (accessed on 3 April 2017).
More
Information
Contributors MDPI registered users' name will be linked to their SciProfiles pages. To register with us, please refer to https://encyclopedia.pub/register : , ,
View Times: 47
Revisions: 2 times (View History)
Update Date: 02 Apr 2024
1000/1000