Intelligent Automation & Soft Computing DOI:10.32604/iasc.2023.019198 | ![]() |
Article |
Analysis of Brain MRI: AI-Assisted Healthcare Framework for the Smart Cities
1Department Electronics and Electrical Communications Engineering, Faculty of Electronic Engineering, Menoufia University, Menoufia, 32952, Egypt
2Department of ROBOTICS and Intelligent Machines, Faculty of Artificial Intelligence, Kafrelsheikh University, Kafrelsheikh, Egypt
3Department of Computer Engineering, College of Computers and Information Technology, Taif University, Taif, 21944, Saudi Arabia
*Corresponding Author: Walid El-Shafai. Email: eng.waled.elshafai@gmail.com
Received: 06 April 2021; Accepted: 30 August 2021
Abstract: The use of intelligent machines to work and react like humans is vital in emerging smart cities. Computer-aided analysis of complex and huge MRI (Magnetic Resonance Imaging) scans is very important in healthcare applications. Among AI (Artificial Intelligence) driven healthcare applications, tumor detection is one of the contemporary research fields that have become attractive to researchers. There are several modalities of imaging performed on the brain for the purpose of tumor detection. This paper offers a deep learning approach for detecting brain tumors from MR (Magnetic Resonance) images based on changes in the division of the training and testing data and the structure of the CNN (Convolutional Neural Network) layers. The proposed approach is carried out on a brain tumor dataset from the National Centre of Image-Guided Therapy, including about 4700 MRI images of ten brain tumor cases with both normal and abnormal states. The dataset is divided into test, and train subsets with a ratio of the training set to the validation set of 70:30. The main contribution of this paper is introducing an optimum deep learning structure of CNN layers. The simulation results are obtained for 50 epochs in the training phase. The simulation results reveal that the optimum CNN architecture consists of four layers.
Keywords: Healthcare; smart cities; clinical automation; CNN; machine learning; brain tumor; medical diagnosis
Deep learning has been developed as a new tool for classifying images. It resembles in its operation the human visual system in acquiring a decision from batches in the images through convolution operations. Image classification into normal and abnormal images has captured the researchers interest as it is the first step towards automated diagnosis of diseases. The classification process can be performed through different disease representation methods such as medical images. The MRI is a type of medical imaging techniques, which relies on a powerful magnetic field. The image classification process can be performed using several techniques [1–4]. Deep learning is an efficient technique among these techniques [5]. The utilization of deep learning in medical image classification is an advanced step in the track of automated diagnosis [6–10].
In this paper, deep learning is used for sorting and diagnosis of brain tumors. The brain tumor is a collection or mass of abnormal cells in the brain. The invention of MRI played an important role in extracting, analyzing, and categorizing brain tumors [11]. The MRI imaging is widely used for brain tumor classification [12]. The obtained MR images have high quality for future processing. There are different types of MR images including T1, T2 and PD proton density weighted images [13]. The new trends of deep learning are appropriate for the classification of MR images [14].
Different approaches have been implemented for brain tumor detection. Segmentation of brain images along the X, Y, and Z-axis is performed using both MvNet and SPNet techniques [15]. These techniques were evaluated on BraTS 17 from the QTIM @ MGH (Quantitative Translational Imaging in Medicine Lab at the Martinos Center) [16], and they achieved an accuracy of 55% for survival prediction. Another technique was proposed in [17]. This technique is based on the transformation of 3D segmentation into atri-planar 2D CNN operation. This architecture achieved an accuracy of 88%. The authors in [18] proposed an automated segmentation algorithm for brain tumors based on DCNNs (Deep Convolutional Neural Networks). This algorithm has been carried out on BRATS 2013 dataset organized in conjunction with the MICCAI 2012 and 2013 conferences [19]. It achieved a sensitivity of 0.83. An automatic segmentation technique based on CNN and intensity normalization, as a pre-processing step, was proposed in [20]. This technique was compared with BraTS 2015 using the DSC (Dice Similarity Coefficient) evaluation metric. It achieved DSC values of 0.75, 0.65, and 0.78 for the enhanced, core, and complete regions.
Nie et al. [21] proposed an approach based on multi-channel data and an SVM (Support Vector Machine), as a supervised learning technique. This approach achieved an accuracy of 89.9%. Xiao et al. [22] proposed an approach based on deep learning and 3D images. It consists of three stages, pre-processing, a deep learning model, and post-processing. They achieved an accuracy of 98.44%. Chato et al. [23] proposed an approach to predict the number of survivors from glioma brain tumors, automatically. This approach is based on the classification of MRI images using ML (Machine Learning) algorithms, logistic regression, quadratic, and discriminant analysis. The feature extraction process is performed using CNNs. It has been carried out on BRATS2017 (163 samples). It achieved an accuracy of 68.8%. Shreyas et al. [24] proposed a simple FCN (Fully-Convolutional Network) for brain tumor segmentation. This approach has been carried out on the dataset provided for the BraTS challenge from the MICCAI (Medical Image Computing and Computer-Assisted Intervention) society. It achieved a sensitivity of 0.92. Balasooriya et al. [25] adopted a technique to recognize the tumor type based on a sophisticated CNN. The performance of this technique is based on the average F1-score evaluation metric with a value of 99.46%. In addition, an accuracy of 99.68% has been achieved. The work in [26] is based on CNN activations trained by an image net to extract features (13.3% active, and 4096 neurons). The system achieved an accuracy of 97.5% for classification and 84% for segmentation. The work in [27] is based on both 3D and 2D CNN to classify the CT (Computerized Tomography) brain images into 3 categories: AD (Alzheimer’s Disease), lesion (e.g., tumor) and normal. The accuracy levels are 95%, 76.7%, and 88.8% for normal, lesion and AD classes, respectively, and this led to an average accuracy of 86.8%.
The main contributions of the proposed work are as follows:
1. Presenting a deep learning approach for brain tumor detection from MR images.
2. Introducing the optimum deep learning structure of CNN layers.
3. Presenting extensive simulation tests on different images and different parameters of the CNN model.
This paper consists of five sections. Section 2 presents the process of MR image classification based on deep learning, while Section 3 introduces the suggested approach. Section 4 illustrates the dataset description and visualization. Section 5 shows the results of the proposed approach. Finally, the concluding remarks are introduced in Section 6.
2 Deep Learning Classification
The basic idea of deep learning is to use different convolution kernels to extract features from images. These kernels are 2D in nature and have different weights and orientations [28–31]. Features are captured, when the applied convolution kernel is matched to the scanned area [32]. Convolution kernels are arranged within different convolutional layers. Activation functions are used to get decisions at the outputs of the convolutional layers. Pooling layers are used as decision tools for the obtained feature maps from the convolutional layers. In addition, batch normalization is used as a tool for regularization to avoid overfitting [33–35]. The Fully-Connected (FC) layers are used for the classification task.
A. Convolutional (CNV) Layer
The convolutional layer is used on the brain images collected from patients to extract a sufficient set of features. The convolutional layer contains filters that perform 2-D convolution operations on the input images. The resultant characteristics of the convolutional layer vary in consistence with the used filters. This theory is very admirably suitable to the MR images for tumor detection. Fig. 1 indicates the convolutional layer operation.
Figure 1: Convolutional layer operation
There are three modes for convolution, when applied to images:
a) Valid mode: Filter never goes outside the input image, as shown in Fig. 2. If the input length equals N and the filter length equals K, then the output length equals N − K + 1.
Figure 2: Valid mode illustration
b) Full mode: Filter is allowed to go outside the input image, far enough, so that there is at least one overlapping element as shown in Fig. 3. If the input length equals N and the filter length equals K, then the output length equals N + K − 1.
Figure 3: Full mode illustration
c) Same mode: Padding is set such that the input length equals the output length. If the input length equals N = 5 and the filter length equals K = 3, then the padding length P = 1, as shown in Fig. 4.
Figure 4: Same mode illustration
B. Pooling Layer (PL)
Pooling strategy is a tool used to reduce the number of features. Different types of pooling can be used such as max and mean pooling. An example of max pooling is shown in Fig. 5
Figure 5: Maximum pooling process
C. Rectified Linear Unit (ReLU)
It is used for effective and fast training through converting negative values to zero and maintaining positive values. The output of the ReLU layer is fed to a linear activation function, and the output of the neuron is as shown in Eq. (1).
D. FC Layer
The FC layer is used for classification in order to obtain the final decision about states. The outputs are obtained in the form of probabilities as indicated by Eq. (2).
E. Optimization
Optimization techniques are used to minimize the cost function. The idea of the optimization is to bring down the error, while the cost function is very high. So, the weights must be adjusted in such a way and the cost function must be minimized. In the gradient descent technique, the rate of learning should be known and be optimum, because if there is a high learning rate, the cost would not be minimized. At some point, it will cross over to the side on the other hand. On the other hand, if we have a very low learning rate, then it might take a long time for convergence. Hence, we need to come up with the optimum learning rate, and once that is done, the error function is minimized. The formulas for the cost function and loss are given as follows:
3 The Proposed AI-Assisted Healthcare Approach
The proposed approach steps are illustrated in Fig. 6. It comprises five convolutional layers combined with five pooling layers giving maximum values, and finally a pooling layer giving average values. As shown in Fig. 6, the input image size is 224 × 224. These input images are passed through different convolutional layers, and finally passed through a dense layer to make a decision. A dense layer with a size of 2 is exploited for final classification, as demonstrated in Fig. 6.
Figure 6: Structure of the proposed deep learning layers
The suggested approach is performed on the National Centre of Image-Guided Therapy dataset [36]. This dataset includes about 4700 MR images of ten brain tumor cases in both normal and abnormal states. These cases have different tumor positions, as shown in Tab. 1. Fig. 7 shows samples of images included in this dataset. Fig. 8 shows data visualization of training and testing. In this paper, 70% of the data is used for training and 30% for testing during the CNN-based classification.
Figure 7: Samples of the dataset
Figure 8: Dataset visualization
The accuracy of the CNN model is given as:
The suggested approach is divided into two parts: training and validation. The model consists of 6 convolutional layers followed by 6 max-pooling layers, a dense layer, a global average pooling layer, and the last decision SoftMax layer. Simulation findings are obtained using Python-based Pillow, TensorFlow, and Keras libraries [37–40]. In the simulation results, we compared different training and validation ratios of 60:40 and 70:30 at different epochs of 15, 25, and 50. Tab. 2 shows comparison results for the training/validation ratios of 70:30 and 60:40. It is noticed from the comparison results that the case of 70:30 is better than the case of 60:40 from the obtained accuracy, TPR (True Positive Rate), TNR (True Negative Rate), and testing time perspectives. So, the case of 70:30 training/testing ratio is considered for the rest of the experimental results.
Tab. 3 shows the results of 6 convolutional layers with 25 epochs. Tab. 4 shows the results of 6 convolutional layers with 15 epochs. Tabs. 5 and 6 show the results and curves of 4 convolutional layers with 50 epochs. Tab. 7 shows the results and curves of 4 convolutional layers with 25 epochs. Tab. 8 shows the results and curves of 4 convolutional layers with 15 epochs. Tab. 9 presents a summary of comparison results for 6 and 4 convolutional layers with different numbers of epochs. Tab. 10 presents a comparison between the proposed approach and other traditional ones. It is observed from the obtained outcomes that the proposed approach is superior compared to other traditional ones. Also, it is demonstrated that the case of 4 convolutional layers with 50 epochs gives the best results.
This paper presented a brain tumor detection approach based on deep CNN. The proposed approach has been tested on a set of 10 cases in both patient-specific and global scenarios. It achieved an accuracy of 99.9% for four convolutional layers and 50 epochs. On the other hand, it achieved an accuracy of 98.5% in the global detection scenario. The simulation results revealed that the proposed approach is efficient for brain tumor detection as it achieves an acceptable accuracy in both patient-specific and global detection. In the future, we plan to use advanced deep learning techniques, especially convolutional neural networks in image fusion, to get images with high resolution and accuracy.
Acknowledgement: The authors would like to acknowledge the support received from Taif University Researchers Supporting Project Number (TURSP-2020/147), Taif University, Taif, Saudi Arabia.
Funding Statement: This work was funded and supported by the Taif University Researchers, Taif University, Taif, Saudi Arabia, under Project TURSP-2020/147.
Conflicts of Interest: The authors declare that they have no conflicts of interest to report regarding the present study.
![]() | This work is licensed under a Creative Commons Attribution 4.0 International License, which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited. |