iconOpen Access

ARTICLE

RBEBT: A ResNet-Based BA-ELM for Brain Tumor Classification

Ziquan Zhu1, Muhammad Attique Khan2, Shui-Hua Wang1, Yu-Dong Zhang1,*

1 University of Leicester, Leicester, LE1 7RH, UK
2 HITEC University Taxila, Taxila, 47080, Pakistan

* Corresponding Author: Yu-Dong Zhang. Email: email

Computers, Materials & Continua 2023, 74(1), 101-111. https://doi.org/10.32604/cmc.2023.030790

Abstract

Brain tumor refers to the formation of abnormal cells in the brain. It can be divided into benign and malignant. The main diagnostic methods for brain tumors are plain X-ray film, Magnetic resonance imaging (MRI), and so on. However, these artificial diagnosis methods are easily affected by external factors. Scholars have made such impressive progress in brain tumors classification by using convolutional neural network (CNN). However, there are still some problems: (i) There are many parameters in CNN, which require much calculation. (ii) The brain tumor data sets are relatively small, which may lead to the overfitting problem in CNN. In this paper, our team proposes a novel model (RBEBT) for the automatic classification of brain tumors. We use fine-tuned ResNet18 to extract the features of brain tumor images. The RBEBT is different from the traditional CNN models in that the randomized neural network (RNN) is selected as the classifier. Meanwhile, our team selects the bat algorithm (BA) to optimize the parameters of RNN. We use five-fold cross-validation to verify the superiority of the RBEBT. The accuracy (ACC), specificity (SPE), precision (PRE), sensitivity (SEN), and F1-score (F1) are 99.00%, 95.00%, 99.00%, 100.00%, and 100.00%. The classification performance of the RBEBT is greater than 95%, which can prove that the RBEBT is an effective model to classify brain tumors.

Keywords


1  Introduction

Brain tumor refers to the formation of abnormal cells in the brain. It can be divided into benign and malignant. The cause of the brain tumor is not clear. The etiological investigation can be divided into environmental factors and host factors. At present, the main diagnostic methods of brain tumors are plain X-ray film, Magnetic resonance imaging (MRI), and so on. However, these artificial diagnosis methods are easily affected by external factors, such as fatigue, emotion, and so on. At the same time, the early symptoms of brain tumors are not obvious and are easy to be ignored. Now more and more researchers try to use the artificial intelligence to diagnose brain tumors.

Rehman et al. [1] designed a new deep learning method for the classification of brain tumors. Firstly, a 3D convolutional neural network (CNN) was proposed to extract the features. Then, these features were passed to the feed-forward neural network for classification. The new deep learning method got 98.32%, 96.97%, and 92.67% accuracy on the 2015, 2017, and 2018 BraTS datasets, respectively. Deepak et al. [2] proposed a new combination that was based on the CNN and support vector machine (SVM). They used CNN to extract features, and the SVM was used for the classification. Finally, they obtained 95.82% accuracy. Mzoughi et al. [3] explored a 3D CNN to classify the brain tumor. The intensity normalization and adaptive contrast enhancement were used to deal with the data heterogeneity. The final accuracy was 96.49%. Kesav et al. [4] proposed a novel RCNN method for the classification of brain tumors. In the proposed method, there were two channels to classify the brain tumors. Srinivas et al. [5] designed a new model (CNN-KNN) to classify brain tumors. KNN used the features which were extracted by CNN for classification. They got 96.25% accuracy on the test set. Belaid et al. [6] used the pre-trained CNN model (VGG-16) to classify brain tumors and got 96.5% accuracy. Sarkar et al. [7] proposed a 2D CNN to detect brain tumors based on MRI. The 2D CNN method achieved 91.3% accuracy. Agarwal et al. [8] classified the brain MRI images based on the pre-trained VGG16. They got 90% test accuracy. Salçin [9] utilized the faster R-CNN to classify and detect brain tumors. The faster R-CNN could achieve 91.66% accuracy. Hossain et al. [10] used a Fuzzy C-Means clustering algorithm to extract features. There were six classifiers used in this method. Finally, the CNN was implemented to improve the performance. The accuracy was 97.87% based on this method. Hemanth et al. [11] proposed the BPNN for the segmentation of brain tumors images. Nayef et al. [12] introduced a new method (LVQNN) to classify brain tumors. Chen et al. [13] proposed the LRC to classify brain tumors. Zhang, et al. [14] proposed a new model to deal with the accurate interaction of soft tissue. The new model was based on the BP neural network. Sun et al. [15] introduced the fine-tuned VTC which was based on the light CNN with feature optimization. Xiao et al. [16] proposed the novel model (TReC) to detect brain diseases on MRI. The TReC was based on ResNet and Convolutional block attention module.

Above reviewing the aforementioned research, scholars have done much impressive progress in brain tumors classification. However, there are several problems: (i) There are many parameters in CNN, which require much calculation. (ii) The brain tumor data sets are relatively small, which may lead to the overfitting problem in CNN.

Our team proposes a novel model (RBEBT) for the automatic classification of brain tumors to solve these above problems. We want to propose a model which can achieve great classification performance in small brain tumors data set. The main contributions of this paper are summarized as: (i) Our team proposes a new model that can accurately classify brain tumors. (ii) A new classifier is proposed to classify the brain tumor faster and more accurately than the traditional CNNs. (iii) The proposed novel model has superior classification to state-of-the-art methods.

The rest structure of this paper is as follows: We introduce the public brain tumor data set in Section 2. The details of the proposed model are presented in Section 3. Several experiments, results, and the corresponding discussions are shown in Section 4. Section 5 is mainly about the conclusion.

2  Materials

We obtain the brain tumor images from the public data set on the Harvard Medical School website (https://www.med.harvard.edu/aanlib.). There are five types on this website: normal brain, cerebrovascular disease, neoplastic disease, degenerative disease, and infectious disease. In this paper, our team classifies this public data set into two categories: the normal brain and the abnormal brain. Some images of this public data set are presented in Fig. 1.

images

Figure 1: Samples in the public brain tumor data set

3  Methodology

3.1 Proposed RBEBT

For image recognition and classification, extracting key features from images is one of the most important steps. Before, people tried to extract features from images by hand, but manually extracting features needs a lot of time and energy, and the results were not very satisfactory. The continuous development of machine learning in computers [17] has been applied to image classification and achieved great success. A sea number of CNN models have been proposed, such as AlexNet, VGG, MobileNet, ResNet, and so on. Scholars use these CNN models to classify and segment brain tumors. Nevertheless, there are some problems: (i) These proposed CNN models are generally tested on large data sets. However, brain tumors’ data sets are relatively small, which can lead to overfitting problems. (II) CNN model contains many layers and parameters, so it may take a long time to complete the training. Our team proposes a novel model (RBEBT) to deal with these problems as mentioned above. The pipeline of the proposed model is shown in Fig. 2.

images

Figure 2: The pipeline of the proposed model

In the RBEBT, we use fine-tuned ResNet18 to extract the features of brain tumor images. The RBEBT is different from the traditional CNN models in that the randomized neural network (RNN) is selected as the classifier. The training time of RNN is shorter than that of the CNN models because of the simpler structure of RNN. What’s more, it is not easy to produce overfitting problems on small data sets in RNN. However, it may also cause some other problems because the parameters in the RNN are random, such as redundant nodes. We use the bat algorithm (BA) to optimize it to get the ideal parameters. The five-fold cross-validation is chosen to verify the superiority of the RBEBT.

3.2 Backbone of the Proposed RBEBT

Scholars hope that the increasing number of layers in the CNN models could improve the performance. However, the increase in the number of layers leads to the problem of gradient explosion. Many methods have been proposed to alleviate such problems, such as batch normalization (BN). However, gradient degradation has not been well solved. He et al. [18] coped with the gradient degradation problem by the residual connection, as shown in Fig. 3. The formula of the residual connection is as follows:

R(x)=T(x)x(1)

where x is the input, T(x) is the learned feature, and R(x) is learned from the residual connection. The conversion of the above formula is shown as:

T(x)=R(x)+x(2)

images

Figure 3: The structure of the residual connection

The data set in this paper is classified into two categories, but the output nodes of the pre-trained ResNet18 are 1000. In this paper, our team classifies this public data set into two categories. Therefore, we fine-tune the ResNet18, as given in Fig. 4. Fully connected and batch normalization are abbreviated as FC and BN, respectively. Then, we replace the last five layers of fine-tuned ResNet18 (ReLU, BN, FC2, Softmax, and Classification layer) with the RNN.

images

Figure 4: The fine-tuned ResNet18

3.3 Classifier Optimization

This paper chooses the RNN as the classifier. The advantages of RNN are to shorten the training time and avoid the overfitting problem. RNN used in this paper is the extreme learning machine (ELM). The structure of ELM is presented in Fig. 5.

images

Figure 5: The structure of extreme learning machine (ELM)

Given a data set with the i-th sample as (xi, yi), the calculation steps of ELM are as follows:

xi=(xi1,,xin)TRn,i=1,,N,(3)

yi=(Oi1,,Oim)TRm,i=1,,N,(4)

where n, m represents the input and output dimension, respectively.

The formula of the output matrix of the hidden layer is shown as:

QELM(i)=j=1rf(wjxi+bj),i=1,,N.(5)

where r is the number of hidden nodes, the weight vector is given as wj, the bias of the j-th hidden node is bj, and f is the sigmoid function.

The calculation of final output weight (v) is as follows:

v=QELM+Y,(6)

However, the parameters assigned at random may not be the optimal solution. Our team selects the bat algorithm (BA) to optimize it. Suppose the velocity of the u-th bat is lut and the position is put at the time t.

fu=fmin+(fmaxfmin)α(7)

lut+1=lut+(putp)fu(8)

put+1=put+lut(9)

where fmax, fmin, and fu, are the maximum, minimum, and current frequency, respectively, α[0,1] is randomized, p is the best position at present.

The optimal position will be updated as:

pnew=pold+βst(10)

where β[0,1] is randomized, the loudness is st.

The emission rate and loudness will be generated when the u-th bat gets the prey:

sut+1=0.9sut(11)

hut=hu0(1e0.99t)(12)

3.4 Evaluation

Five-fold cross-validation is chosen to verify the superiority of the RBEBT. In this paper, the abnormal brain and the normal brain are defined as the positive and the negative, respectively. Five indexes are selected in this paper, which are accuracy (ACC), specificity (SPE), precision (PRE), sensitivity (SEN), and F1-score (F1). Their equations are shown as below:

{ACC=TP+TNTP+TN+FP+FNSPE=TNTN+FPPRE=TPTP+FPSEN=TPTP+FNF1=2×TP2TP+FP+FN,(13)

4  Results and Discussion

4.1 The Classification Performance of the RBEBT

The five-fold cross-validation is chosen to verify the superiority of the RBEBT, as shown in Tab. 1. Average and standard deviation are abbreviated as Avr and Std, respectively. The ACC, SPE, PRE, SEN, and F1 are 99.00%, 95.00%, 99.00%, 100.00%, and 100.00%. The results of the RBEBT are greater than 95%, which can prove that the RBEBT is an effective model to classify brain tumors.

images

4.2 Comparison of Different Backbones

In this paper, we test five different backbone models, which are ResNet18, AlexNet, MobileNet, ResNet50, and VGG. The results are shown in Tab. 1 and Fig. 6. ResNet18 as the backbone model can obtain the best results than the other four backbone models.

images

Figure 6: The comparison of five different backbone models

The ResNet18 can deal with the problem of gradient explosion by residual connection. Other backbone models may meet the problem of gradient explosion. Therefore, our model can achieve the best performance than other models.

4.3 Effects of Optimization

To prove the superiority of our network, we compare the proposed RBEBT with the fine-tuned model and the model with only RNN. The results are shown in Tab. 1. The comparison figure is given in Fig. 7. We can conclude that the optimized network (RBEBT) will achieve better classification performance through comparison.

images

Figure 7: Effects of optimization

The ELM can get better classification performance in small data set because of its simpler structure. What’s more, the BA is selected to optimize the ELM. Based on these reasons, the RBEBT can get better results than the fine-tuned ResNet18 and ResNet18-ELM.

4.4 Comparison with Other State-of-the-Art Methods

The proposed RBEBT is compared with seven other state-of-the-art methods, which are 3D-CNN [1], SVM-CNN [2], KNN-CNN [5], 2D-CNN [7], BPNN [11], LVQNN [12], and LRC [13], as shown in Tab. 2. In conclusion, the classification performance of our network is better than the other seven methods, which proves the superiority of our network.

images

In the RBEBT, we use fine-tuned ResNet18 to extract the features of brain tumor images and select ELM as the classifier. The fine-tuned ResNet18 can extract features accurately and ELM has good performance in small data sets. Therefore, the RBEBT can produce better classification performance than other methods.

5  Conclusion

In this paper, our team proposes a novel model (RBEBT) for the automatic classification of brain tumors. We use fine-tuned ResNet18 to extract the features of brain tumor images. The RBEBT is different from the traditional CNN models in that the RNN is selected as the classifier. The parameters assigned at random may not be the optimal solution. Our team selects the BA to optimize it. We use five-fold cross-validation to verify the superiority of the RBEBT. The ACC, SPE, PRE, SEN, and F1 are 99.00%, 95.00%, 99.00%, 100.00%, and 100.00%. The classification performance of the RBEBT is greater than 95%, which can prove that the RBEBT is an effective model to classify brain tumors.

The limitations of this paper are: (i) The data set used in this paper is small; (ii) There are only two categories in this paper. In the future, we will apply our model to more public brain tumors data sets to verify its classification performance. Meanwhile, our team will try more methods, such as VIT, U-Net, etc. In addition, we will test our model in other diseases classification.

Funding Statement: The paper is partially supported by Hope Foundation for Cancer Research, UK (RM60G0680), Royal Society International Exchanges Cost Share Award, UK (RP202G0230), Medical Research Council Confidence in Concept Award, UK (MC_PC_17171), British Heart Foundation Accelerator Award, UK (AA/18/3/34220); Sino-UK Industrial Fund, UK (RP202G0289); Global Challenges Research Fund (GCRF), UK (P202PF11); LIAS Pioneering Partnerships award, UK (P202ED10); Data Science Enhancement Fund, UK (P202RE237).

Conflicts of Interest: The authors declare that they have no conflicts of interest to report regarding the present study.

References

  1. A. Rehman, M. A. Khan, T. Saba, Z. Mehmood, U. Tariq et al., “Microscopic brain tumor detection and classification using 3D CNN and feature selection architecture,” Microscopy Research and Technique, vol. 84, no. 1, pp. 133–149, 202
  2. S. Deepak and P. Ameer, “Automated categorization of brain tumor from MRI using CNN features and SVM,” Journal of Ambient Intelligence and Humanized Computing, vol. 12, no. 8, pp. 8357–8369, 2021.
  3. H. Mzoughi, I. Njeh, A. Wali, M. B. Slima, A. BenHamida et al., “Deep multi-scale 3D convolutional neural network (CNN) for MRI gliomas brain tumor classification,” Journal of Digital Imaging, vol. 33, no. 4, pp. 903–915, 2020.
  4. N. Kesav and M. Jibukumar, “Efficient and low complex architecture for detection and classification of Brain Tumor using RCNN with Two Channel CNN,” Journal of King Saud University-Computer and Information Sciences, 2021. https://www.sciencedirect.com/science/article/pii/S1319157821001221?via%3Dihub.
  5. B. Srinivas and G. S. Rao, “A hybrid CNN-KNN model for MRI brain tumor classification,” International Journal of Recent Technology and Engineering (IJRTE) ISSN, vol. 8, pp. 2277–3878, 2019.
  6. O. N. Belaid and M. Loudini, “Classification of brain tumor by combination of pre-trained VGG16 CNN,” Journal of Information Technology Management, vol. 12, pp. 13–25, 2020.
  7. S. Sarkar, A. Kumar, S. Chakraborty, S. Aich, J.-S. Sim et al., “A CNN based approach for the detection of brain tumor using MRI scans,” Test Engineering and Management, vol. 83, pp. 16580–16586, 2020.
  8. A. K. Agarwal, N. Sharma and M. K. Jain, “Brain tumor classification using CNN,” Advances and Applications in Mathematical Sciences, vol. 20, pp. 397–407, 2021.
  9. K. Salçin, “Detection and classification of brain tumours from MRI images using faster R-CNN,” Tehnički Glasnik, vol. 13, no. 4, pp. 337–342, 201
  10. T. Hossain, F. S. Shishir, M. Ashraf, M. A. Al Nasim and F. M. Shah, “Brain tumor detection using convolutional neural network,” in 2019 1st Int. Conf. on Advances in Science, Engineering and Robotics Technology (ICASERT), Dhaka, Bangladesh, pp. 1–6, 2019.
  11. D. J. Hemanth, C. K. S. Vijila and J. Anitha, “A high speed back propagation neural network for multistage MR brain tumor image segmentation,” Neural Network World, vol. 21, no. 1, pp. 51, 20
  12. B. H. Nayef, S. Sahran, R. I. Hussain and S. N. H. S. Abdullah, “Brain imaging classification based on learning vector quantization,” in 2013 1st Int. Conf. on Communications, Signal Processing, and their Applications (ICCSPA), Sharjah, United Arab Emirates, pp. 1–6, 2013.
  13. Y. Chen, Y. Shao, J. Yan, T.-F. Yuan, Y. Qu et al., “A feature-free 30-disease pathological brain detection system by linear regression classifier,” CNS & Neurological Disorders-Drug Targets (Formerly Current Drug Targets-CNS & Neurological Disorders), vol. 16, pp. 5–10, 2017.
  14. X. Zhang, X. Sun, W. Sun, T. Xu, P. Wang et al., “Deformation expression of soft tissue based on BP neural network,” Intelligent Automation and Soft Computing, vol. 32, pp. 1041–1053, 2022.
  15. W. Sun, G. Zhang, X. Zhang, X. Zhang and N. Ge, “Fine-grained vehicle type classification using lightweight convolutional neural network with feature optimization and joint learning strategy,” Multimedia Tools and Applications, vol. 80, no. 20, pp. 30803–30816, 2021.
  16. Y. Xiao, H. Yin, S.-H. Wang and Y.-D. Zhang, “TReC: Transferred ResNet and CBAM for detecting brain diseases,” Frontiers in Neuroinformatics, vol. 15, pp. 671, 2021.
  17. Y. Xiao, H. Yin, Y. Zhang, H. Qi, Y. Zhang et al., “A dual-stage attention-based Conv-LSTM network for spatio-temporal correlation and multivariate time series prediction,” International Journal of Intelligent Systems, vol. 36, no. 5, pp. 2036–2057, 2021.
  18. K. He, X. Zhang, S. Ren and J. Sun, “Deep residual learning for image recognition,” in Proc. of the IEEE Conf. on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, pp. 770–778, 2016.

Cite This Article

Z. Zhu, M. A. Khan, S. Wang and Y. Zhang, "Rbebt: a resnet-based ba-elm for brain tumor classification," Computers, Materials & Continua, vol. 74, no.1, pp. 101–111, 2023.


cc 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.
  • 1999

    View

  • 654

    Download

  • 0

    Like

Share Link