A Transfer Learning Approach for Lumbar Spine Disc State Classification
<p>Novel selection method.</p> "> Figure 2
<p>RadiAnt DICOM viewer.</p> "> Figure 3
<p>Number of MRI images in our dataset.</p> "> Figure 4
<p>Number of axial T2 images in disc state for each class.</p> "> Figure 5
<p>Number of axial T2 images for each lumbar disc.</p> "> Figure 6
<p>Twenty blocks from an image, each one with size (82 * 94) used to create ROI.</p> "> Figure 7
<p>Steps to create ROI images.</p> "> Figure 8
<p>Methods of split data.</p> "> Figure 9
<p>Split data of disc state into three groups: training, validation, and test set.</p> "> Figure 10
<p>General workflow of the proposed models.</p> "> Figure 11
<p>Transfer learning from ImageNet.</p> "> Figure 12
<p>Transfer learning disc state classification with proposed ROI.</p> "> Figure 13
<p>Transfer learning from the training model from scratch with Dataset A (labeled brain tumor MRI datasets).</p> "> Figure 14
<p>Transfer learning for disc state classification from labelled Dataset A.</p> "> Figure 15
<p>Transfer learning of training model from scratch with Dataset B (unlabeled MRI datasets).</p> "> Figure 16
<p>Transfer learning for disc state classification from unlabeled Dataset B.</p> "> Figure 17
<p>Grad-CAM visualization of features using VGG16 for disc state classification TL from (<b>a</b>) ImageNet, (<b>b</b>) labeled data (Dataset A), (<b>c</b>) unlabeled data (Dataset B).</p> "> Figure 18
<p>Grad-CAM visualization of features using VGG19 for disc state classification TL from (<b>a</b>) ImageNet, (<b>b</b>) labeled data (Dataset A), (<b>c</b>) unlabeled data(Dataset B).</p> ">
Abstract
:1. Introduction
- The problem of a lack of training data has been solved by utilizing transfer learning.
- The novel selection method is applied to select the most essential images. This method saves us a lot of time and effort in selecting important images to be used in the process of classifying lumbar spine discs compared with the manual method. Where images are selected automatically and quickly, this method is applied to the images taken from the magnetic resonance devices to describe the problem of the lumbar spine.
- A custom grading system was built for radiologists to label images.
- We proposed a new technique to extract ROI that splits the images into many blocks, and we identified the most important blocks. The proposed ROI achieved excellent results when we applied it in disc state classification. In the process of diagnosing images of lumbar spine discs, there were many shapes in the image overlapping with the object to be analyzed, such as the image of the intervertebral disc.
- A new private lumbar spine dataset was built. This dataset had 1448 MRI images of the lumbar spine. We had 905 images belonging to the axial T2, 181 belonging to sagittal T2, and 362 belonging to myelography. In this dataset, we labeled two subjects in lumbar spine disc state and canal stenosis.
- Three datasets were built, two as sources and one as a target. One of them represented the final database, with label data on which the classification process was carried out. The second dataset (209,083 MRI images) described an unlabeled dataset that was used in the training process from scratch. Finally, the third dataset (16,441 MRI images) was a dataset compiled from several public datasets labeling brain tumors.
- Various training procedures have been performed with many deep learning models.
- It has been demonstrated that using TL from the same domain as the target dataset may increase performance dramatically.
- Applying the ROI method improved the disc state classification results in VGG192%, ResNet50 16%, MobileNetV2 5%, and VGG16 2%.
- The results improved in VGG16 4% and in VGG19 6% compared with those transferred from ImageNet. This is because labeled datasets and unlabeled dataset images are closer to lumbar spine MRI than the images in ImageNet.
2. Related Work
3. Materials and Methods
3.1. Building the Lumbar Spine Dataset
3.1.1. Raw Data Collection
3.1.2. Novel Selection Method
- One image for sagittal view T2 for the lumbar spine.
- Two images for myelography.
- Five images for five intervertebral lumbar disc.
3.1.3. Labeling the Data with the FaLa Program
3.2. Analysis of Collected Dataset
3.3. The Proposed ROI
3.4. Datasets Used in This Work
- Dataset A: In this dataset, we collected brain tumor MRI images from six public datasets from the Kaggle website, and each database contained a set of labeled images. The first dataset contained 253 MRI images classified into two parts: 98 images without tumors and 155 images with a tumor [41]. The second database included 3264 labeled images divided into four parts. The first part contained 926 images of glioma tumors, the second part contained 937 meningioma tumors, the third part contained 500 images of no tumor, and the last part contained 901 images of pituitary tumors [42]. The third database contained 3060 brain MRI images categorized into three categories: 1500 images containing a tumor, 1500 images without a tumor, and 60 unlabeled images for testing purposes [43]. The fourth database included 7023 labeled images also divided into four categories. The first part contained 1621 images of glioma tumors, the second part contained 1645 meningioma tumors, and the third part contained 2000 images without a tumor, and the last part contained 1757 images of pituitary tumors [44]. The next database included 400 MRI labeled images classified into two categories: 170 normal images (without a tumor) and 230 images with a tumor [45]. The latest database of brain MRI images contained 2501 images classified into two categories: 1551 normal images and 950 images containing stroke [46]. In the end, we grouped these datasets into two classes: normal and abnormal. In the normal class, we had 5819 images, and in the abnormal class, we had 10,622 images. So, in total, we had 16,441 MRI images of brain tumors in this dataset.
- Dataset B: In this dataset, we collected unlabeled MRI images from the PACS server at the Fallujah Teaching Hospital. This dataset had, in total, 209,083 MRI images of the lumbar spine and brain.
- DataSet C: This was our target dataset, built with 181 Lumbar spine patients and containing 1448 images chosen from 21,470 MRI images by applying the novel selection method.
3.5. Hyperparameters
- The train split ratio: There are many methods to determine the criteria. There is a way that MRI images are divided into training and testing only, and another way is that the MRI images are divided into three sets: training, validation, and testing (as shown in Figure 8). In general, we use a ratio of 75% for the training set and 15% for the validation set, and 10% for the testing set for disc state as shown in Figure 9.
- Batch size: In a single forward and backward pass, batch size is the number of training samples counted. The larger the batch size, the more memory space is required. So, the batch size could be 8, 16, 32, 64, 128, and so on. According to our computer hardware memory, we set 64 for batch size.
- Epoch size: One epoch equals one forward and one backward trip through all of the training images. When we apply transfer learning, we set epoch to 50, and when we train from scratch, we set epoch to 100. For instance, if you have 5120 images and a batch size of 64, it will take 80 iterations to finish one epoch.
- Dropout: The essential task of Dropout probability is to prevent overfitting. It enables the model to learn more strong characteristics that can be used with various random subsets of other neurons. We set 0.2 to Dropout.
- The learning rate: The value must be balanced between the very small and the very large value. The small value leads to a slow and incomplete training process. As for the high value, it leads to the instability of the training process. So, when we train any model from scratch, we set for learning rate and we set for learning rate when we use weights in transfer learning.
3.6. The Proposed Methods
3.6.1. Procedure 1
- Apply transfer learning from ImageNet using four Keras deep learning models without fine-tuning or applying the proposed ROI process.
- Apply transfer learning from ImageNet using four Keras deep learning models with fine-tuning and without applying the proposed ROI process.
- Apply transfer learning from ImageNet using four Keras deep learning models without fine-tuning and with the proposed ROI process.
- Apply transfer learning from ImageNet using four Keras deep learning models with fine-tuning and with the proposed ROI process.
3.6.2. Procedure 2
- Split Dataset A into two groups ( 85% for training and 15% for validation).
- Choose the hyperparameters’ initial values (eg: learning rate , batch size = 64, number of epochs = 100).
- To train the model, use the initial values from step 2.
- Use the validation set to evaluate network performance throughout the learning phase.
- For 100 epochs, iterate on steps 3 and 4.
- Choose the model with the lowest error rate on the validation set as the best-trained model.
- Split Dataset C into three groups (75% for training, 15% for validation, and 10% for testing).
- Applying the augmentation process (e.g., brightness [0.1, 0.7], horizontal flip, and vertical flip).
- Freeze the pre-trained layers and train only the classifier ( the fully connected layer).
- Choose the hyperparameters’ initial values (e.g., learning rate , batch size = 64, number of epochs = 50).
- To train the model, use the initial values from step 4.
- Use the validation set to evaluate network performance throughout the learning phase.
- For 50 epochs, iterate on steps 5 and 6.
- Choose the model with the lowest error rate on the validation set as the best-trained model.
- Apply evaluation metrics, such as accuracy, precision, recall, and F1-Score, on the testing set.
3.6.3. Procedure 3
4. Results
4.1. Evaluation Metrics
- Accuracy: The proportion of correct results to the total number of cases tested. It is calculated according to Equation (4):
- Recall: Utilized to calculate whether the proportion of actual positives were correctly classified (Equation (5)).
- Precision: Used to calculate whether the proportion of positives that were correctly predicted is truly positive (Equation (6)).
- F1-Score: Harmonic mean between recall and precision; the value of the F1-Score is a number between 0 and 1 (Equation (7)).
4.2. Results of Procedure 1
4.3. Results of Procedure 2
4.4. Results of Procedure 3
5. Discussion
6. Conclusions
Author Contributions
Funding
Acknowledgments
Conflicts of Interest
References
- Raghavendra, U.; Bhat, N.S.; Gudigar, A.; Acharya, U.R. Automated system for the detection of thoracolumbar fractures using a CNN architecture. Future Gener. Comput. Syst. 2018, 85, 184–189. [Google Scholar] [CrossRef]
- Andrew, J.; DivyaVarshini, M.; Barjo, P.; Tigga, I. Spine Magnetic Resonance Image Segmentation Using Deep Learning Techniques. In Proceedings of the 2020 6th International Conference on Advanced Computing and Communication Systems (ICACCS), Coimbatore, India, 6–7 March 2020; pp. 945–950. [Google Scholar]
- Buchbinder, R.; van Tulder, M.; Öberg, B.; Costa, L.M.; Woolf, A.; Schoene, M.; Croft, P.; Hartvigsen, J.; Cherkin, D.; Foster, N.E.; et al. Low back pain: A call for action. Lancet 2018, 391, 2384–2388. [Google Scholar] [CrossRef]
- Fan, G.; Liu, H.; Wu, Z.; Li, Y.; Feng, C.; Wang, D.; Luo, J.; Wells, W.; He, S. Deep learning–based automatic segmentation of lumbosacral nerves on CT for spinal Intervention: A translational Study. Am. J. Neuroradiol. 2019, 40, 1074–1081. [Google Scholar] [CrossRef] [PubMed] [Green Version]
- Iannuccilli, J.D.; Prince, E.A.; Soares, G.M. Interventional spine procedures for management of chronic low back pain—A primer. Semin. Intervent. Radiol. 2013, 30, 307–317. [Google Scholar] [PubMed] [Green Version]
- Cohen, S.P.; Hanling, S.; Bicket, M.C.; White, R.L.; Veizi, E.; Kurihara, C.; Zhao, Z.; Hayek, S.; Guthmiller, K.B.; Griffith, S.R.; et al. Epidural steroid injections compared with gabapentin for lumbosacral radicular pain: Multicenter randomized double blind comparative efficacy study. BMJ 2015, 350, h1748. [Google Scholar] [CrossRef] [PubMed] [Green Version]
- Zhang, B.; Yu, K.; Ning, Z.; Wang, K.; Dong, Y.; Liu, X.; Liu, S.; Wang, J.; Zhu, C.; Yu, Q.; et al. Deep learning of lumbar spine X-ray for osteopenia and osteoporosis screening: A multicenter retrospective cohort study. Bone 2020, 140, 115561. [Google Scholar] [CrossRef]
- Xin, M.; Wang, Y. Research on image classification model based on deep convolution neural network. EURASIP J. Image Video Process. 2019, 2019, 1–11. [Google Scholar] [CrossRef] [Green Version]
- Boulay, C.; Bollini, G.; Legaye, J.; Tardieu, C.; Prat-Pradal, D.; Chabrol, B.; Jouve, J.L.; Duval-Beaupère, G.; Pélissier, J. Pelvic incidence: A predictive factor for three-dimensional acetabular orientation—A preliminary study. Anat. Res. Int. 2014, 2014. [Google Scholar] [CrossRef] [Green Version]
- Ghosh, S.; Raja’S, A.; Chaudhary, V.; Dhillon, G. Computer-aided diagnosis for lumbar mri using heterogeneous classifiers. In Proceedings of the 2011 IEEE International Symposium on Biomedical Imaging: From Nano to Macro, Chicago, IL, USA, 30 March–2 April 2011; pp. 1179–1182. [Google Scholar]
- Pereira, S.; Pinto, A.; Alves, V.; Silva, C.A. Brain tumor segmentation using convolutional neural networks in MRI images. IEEE Trans. Med. Imaging 2016, 35, 1240–1251. [Google Scholar] [CrossRef]
- Shen, D.; Wu, G.; Suk, H.I. Deep learning in medical image analysis. Annu. Rev. Biomed. Eng. 2017, 19, 221–248. [Google Scholar] [CrossRef] [Green Version]
- Rajinikanth, V.; Kadry, S.; Taniar, D.; Damaševičius, R.; Rauf, H.T. Breast-Cancer Detection using Thermal Images with Marine-Predators-Algorithm Selected Features. In Proceedings of the 2021 Seventh International conference on Bio Signals, Images, and Instrumentation (ICBSII), Chennai, India, 25–27 March 2021; pp. 1–6. [Google Scholar]
- Suzuki, K. Overview of deep learning in medical imaging. Radiol. Phys. Technol. 2017, 10, 257–273. [Google Scholar] [CrossRef]
- Alzubaidi, L.; Al-Shamma, O.; Fadhel, M.A.; Farhan, L.; Zhang, J.; Duan, Y. Optimizing the performance of breast cancer classification by employing the same domain transfer learning from hybrid deep convolutional neural network model. Electronics 2020, 9, 445. [Google Scholar] [CrossRef] [Green Version]
- Alzubaidi, L.; Fadhel, M.A.; Al-Shamma, O.; Zhang, J.; Santamaría, J.; Duan, Y.; R Oleiwi, S. Towards a better understanding of transfer learning for medical imaging: A case study. Appl. Sci. 2020, 10, 4523. [Google Scholar] [CrossRef]
- Alzubaidi, L.; Fadhel, M.A.; Oleiwi, S.R.; Al-Shamma, O.; Zhang, J. DFU_QUTNet: Diabetic foot ulcer classification using novel deep convolutional neural network. Multimedia Tools Appl. 2020, 79, 15655–15677. [Google Scholar] [CrossRef]
- Chae, D.S.; Nguyen, T.P.; Park, S.J.; Kang, K.Y.; Won, C.; Yoon, J. Decentralized convolutional neural network for evaluating spinal deformity with spinopelvic parameters. Comput. Methods Prog. Biomed. 2020, 197, 105699. [Google Scholar] [CrossRef] [PubMed]
- Alzubaidi, L.; Al-Amidie, M.; Al-Asadi, A.; Humaidi, A.J.; Al-Shamma, O.; Fadhel, M.A.; Zhang, J.; Santamaría, J.; Duan, Y. Novel Transfer Learning Approach for Medical Imaging with Limited Labeled Data. Cancers 2021, 13, 1590. [Google Scholar] [CrossRef] [PubMed]
- Iqbal Hussain, M.A.; Khan, B.; Wang, Z.; Ding, S. Woven fabric pattern recognition and classification based on deep convolutional neural networks. Electronics 2020, 9, 1048. [Google Scholar] [CrossRef]
- Jeon, H.K.; Kim, S.; Edwin, J.; Yang, C.S. Sea Fog Identification from GOCI Images Using CNN Transfer Learning Models. Electronics 2020, 9, 311. [Google Scholar] [CrossRef]
- Alzubaidi, L.; Fadhel, M.A.; Al-Shamma, O.; Zhang, J.; Santamaría, J.; Duan, Y. Robust application of new deep learning tools: An experimental study in medical imaging. Multimed. Tools Appl. 2021. [Google Scholar] [CrossRef]
- Sa, R.; Owens, W.; Wiegand, R.; Studin, M.; Capoferri, D.; Barooha, K.; Greaux, A.; Rattray, R.; Hutton, A.; Cintineo, J.; et al. Intervertebral disc detection in X-ray images using faster R-CNN. In Proceedings of the 2017 39th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Seogwipo, Korea, 11–15 July 2017; pp. 564–567. [Google Scholar]
- Kuok, C.P.; Fu, M.J.; Lin, C.J.; Horng, M.H.; Sun, Y.N. Vertebrae Segmentation from X-ray Images Using Convolutional Neural Network. In Proceedings of the 2018 International Conference on Information Hiding and Image Processing, Manchester, UK, 22–24 September 2018; pp. 57–61. [Google Scholar]
- Navab, N.; Hornegger, J.; Wells, W.; Frangi, A.; Hutchison, D. Medical image computing and computer-assisted intervention. In Proceedings of the 18th International Conference MICCAI, Munich, Germany, 5–9 October 2015; pp. 234–241. [Google Scholar]
- Zhao, J.; Jiang, Z.; Mori, K.; Zhang, L.; He, W.; Shi, W.; Miao, Y.; Yan, F.; He, F. Spinal vertebrae segmentation and localization by transfer learning. Med. Imaging 2019 Comput.-Aided Diagn. 2019, 10950, 1095023. [Google Scholar]
- Jamaludin, A.; Kadir, T.; Zisserman, A. SpineNet: Automatically pinpointing classification evidence in spinal MRIs. In Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention, Athens, Greece, 17–21 October 2016; pp. 166–175. [Google Scholar]
- Davies, B.; Atkinson, R.; Ludwinski, F.; Freemont, A.; Hoyland, J.; Gnanalingham, K. Qualitative grading of disc degeneration by magnetic resonance in the lumbar and cervical spine: Lack of correlation with histology in surgical cases. Brit. J. Neurosurg. 2016, 30, 414–421. [Google Scholar] [CrossRef] [PubMed]
- Cai, Y.; Wang, L.; Audette, M.; Zheng, G.; Li, S. Computational Methods and Clinical Applications for Spine Imaging; Springer: Berlin/Heidelberg, Germany, 2020. [Google Scholar]
- Hetherington, J.; Lessoway, V.; Gunka, V.; Abolmaesumi, P.; Rohling, R. SLIDE: Automatic spine level identification system using a deep convolutional neural network. Int. J. Comput. Assist. Radiol. Surg. 2017, 12, 1189–1198. [Google Scholar] [CrossRef] [PubMed]
- Kim, S.; Bae, W.C.; Masuda, K.; Chung, C.B.; Hwang, D. Fine-grain segmentation of the intervertebral discs from MR spine images using deep convolutional neural networks: BSU-Net. Appl. Sci. 2018, 8, 1656. [Google Scholar] [CrossRef] [Green Version]
- Zhou, Y.; Liu, Y.; Chen, Q.; Gu, G.; Sui, X. Automatic lumbar MRI detection and identification based on deep learning. J. Digit. Imaging 2019, 32, 513–520. [Google Scholar] [CrossRef]
- Whitehead, W.; Moran, S.; Gaonkar, B.; Macyszyn, L.; Iyer, S. A deep learning approach to spine segmentation using a feed-forward chain of pixel-wise convolutional networks. In Proceedings of the 2018 IEEE 15th International Symposium on Biomedical Imaging (ISBI 2018), Washington, DC, USA, 4–7 April 2018; pp. 868–871. [Google Scholar]
- Hu, B.; Kim, C.; Ning, X.; Xu, X. Using a deep learning network to recognise low back pain in static standing. Ergonomics 2018, 61, 1374–1381. [Google Scholar] [CrossRef] [PubMed]
- Lu, J.T.; Pedemonte, S.; Bizzo, B.; Doyle, S.; Andriole, K.P.; Michalski, M.H.; Gonzalez, R.G.; Pomerantz, S.R. Deep Spine: Automated lumbar vertebral segmentation, disc-level designation, and spinal stenosis grading using deep learning. In Proceedings of the Machine Learning for Healthcare Conference PMLR, Palo Alto, CA, USA, 17–18 August 2018; pp. 403–419. [Google Scholar]
- Palkar, B.; Mishra, D. Fusion of Multi Modal Lumber Spine Scans Using Wavelet and Convolutional Neural Network. Int. J. Innovative Technol. Exploring Eng. 2019, 8, 1704–1709. [Google Scholar]
- Mbarki, W.; Bouchouicha, M.; Frizzi, S.; Tshibasu, F.; Farhat, L.B.; Sayadi, M. Lumbar spine discs classification based on deep convolutional neural networks using axial view MRI. Interdiscip. Neurosurg. 2020, 22, 100837. [Google Scholar] [CrossRef]
- Won, D.; Lee, H.J.; Lee, S.J.; Park, S.H. Spinal stenosis grading in magnetic resonance imaging using deep convolutional neural networks. Spine 2020, 45, 804–812. [Google Scholar] [CrossRef]
- Lakshminarayanan, R.; Yuvaraj, N. Design And Analysis Of An Improved Deep Learning Algorithm On Classification Of Intervertebral Discs. Int. J. Adv. Sci. Technol. 2020, 29, 4019–4026. [Google Scholar]
- RadiAnt. PACS DICOM Viewer for Medical Images. 2021. Available online: https://www.radiantviewer.com/ (accessed on 1 January 2021).
- Chakrabarty, N. Brain MRI Images for Brain Tumor Detection. 2019. Available online: https://www.kaggle.com/navoneel/brain-mri-images-for-brain-tumor-detection (accessed on 1 October 2021).
- Panda, A. Brain MRI. 2021. Available online: https://www.kaggle.com/arabinda91/brain-mri (accessed on 2 October 2021).
- Panigrahi, A. Brain Tumor Detection MRI. 2021. Available online: https://www.kaggle.com/abhranta/brain-tumor-detection-mri (accessed on 11 October 2021).
- Nickparvar, M. Brain Tumor MRI Dataset. 2021. Available online: https://www.kaggle.com/masoudnickparvar/brain-tumor-mri-dataset (accessed on 11 October 2021).
- Hashan, M. MRI Based Brain Tumor Images. 2021. Available online: https://www.kaggle.com/mhantor/mri-based-brain-tumor-images (accessed on 5 October 2021).
- Ratul, R.H. Brain MRI Data. 2021. Available online: https://www.kaggle.com/rizwanulhoqueratul/brain-mri-data (accessed on 7 October 2021).
- Rai, H.M.; Chatterjee, K. 2D MRI image analysis and brain tumor detection using deep learning CNN model LeU-Net. Multimed. Tools Appl. 2021, 80, 36111–36141. [Google Scholar] [CrossRef]
- Alzubaidi, L.; Zhang, J.; Humaidi, A.J.; Al-Dujaili, A.; Duan, Y.; Al-Shamma, O.; Santamaría, J.; Fadhel, M.A.; Al-Amidie, M.; Farhan, L. Review of deep learning: Concepts, CNN architectures, challenges, applications, future directions. J. Big Data 2021, 8, 1–74. [Google Scholar] [CrossRef] [PubMed]
- Selvaraju, R.R.; Cogswell, M.; Das, A.; Vedantam, R.; Parikh, D.; Batra, D. Grad-cam: Visual explanations from deep networks via gradient-based localization. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 618–626. [Google Scholar]
No. (x) | Disc Name | Frame Number to Be Selected |
---|---|---|
1 | L51 | |
2 | L45 | |
3 | L34 | |
4 | L23 | |
5 | L12 |
No. | Images to Be Named | Item’s Name |
---|---|---|
1 | Two images for myelography | IdDevice_1 |
2 | IdDevice_2 | |
3 | Sagittial view T2 for Lumbar spine | IdDevice_3 |
4 | Lumbar spine disc L12 | IdDevice_12 |
5 | Lumbar spine disc L23 | IdDevice_23 |
6 | Lumbar spine disc L34 | IdDevice_34 |
7 | Lumbar spine disc L45 | IdDevice_45 |
8 | Lumbar spine disc L51 | IdDevice_51 |
Grade | Lumbar Spine Disc State | Disc Herniation State | SCS | RFS | LFS |
---|---|---|---|---|---|
0 | Normal | None | Normal | Normal | Normal |
1 | Degeneration | Normal | Mild | Mild | Mild |
2 | Bulge | Migration | Moderate | Moderate | Moderate |
3 | Herniation | Sequestration | Severe | Severe | Severe |
Disc Name | Disc State | Type Disc Herniation | SCS | RFS | LFS |
---|---|---|---|---|---|
L12 | 0 | 0 | 0 | 0 | 0 |
L23 | 0 | 0 | 0 | 0 | 0 |
L34 | 0 | 0 | 0 | 0 | 0 |
L45 | 2 | 0 | 2 | 0 | 0 |
L51 | 3 | 2 | 3 | 3 | 3 |
Disc Name | Normal | Degeneration | Bulge | Herniation |
---|---|---|---|---|
L12 | 163 | 13 | 5 | 0 |
L23 | 149 | 12 | 20 | 0 |
L34 | 113 | 9 | 59 | 0 |
L45 | 38 | 6 | 129 | 8 |
L51 | 82 | 10 | 85 | 4 |
Total | 545 | 50 | 298 | 12 |
Models | Accuracy (%) | Precision (%) | Recall (%) | F1-Score (%) |
---|---|---|---|---|
VGG19 | 82.97 | 80.47 | 94.50 | 86.92 |
ResNet50 | 77.47 | 82.69 | 78.90 | 80.75 |
MobileNetV2 | 79.67 | 86.73 | 77.98 | 82.13 |
VGG16 | 78.57 | 88.89 | 73.39 | 80.40 |
Models | Accuracy (%) | Precision (%) | Recall (%) | F1-Score (%) |
---|---|---|---|---|
VGG19 | 84.07 | 85.09 | 88.99 | 87.00 |
ResNet50 | 73.63 | 76.52 | 80.73 | 78.57 |
MobileNetV2 | 78.57 | 77.78 | 89.91 | 83.40 |
VGG16 | 82.42 | 86.67 | 83.49 | 85.05 |
Models | Accuracy (%) | Precision (%) | Recall (%) | F1-Score (%) |
---|---|---|---|---|
VGG19 | 86.81 | 92.16 | 85.45 | 88.68 |
ResNet50 | 83.52 | 85.71 | 87.27 | 86.49 |
MobileNetV2 | 81.32 | 85.19 | 83.64 | 84.40 |
VGG16 | 84.62 | 85.96 | 89.09 | 87.50 |
Models | Accuracy (%) | Precision (%) | Recall (%) | F1-Score (%) |
---|---|---|---|---|
VGG19 | 86.81 | 93.88 | 83.64 | 88.46 |
ResNet50 | 89.01 | 89.47 | 92.73 | 91.07 |
MobileNetV2 | 84.62 | 83.61 | 92.73 | 87.93 |
VGG16 | 84.62 | 88.68 | 85.45 | 87.04 |
Models | F1-Score before ROI (%) | F1-Score after ROI (%) | Improvement Rate (%) |
---|---|---|---|
VGG19 | 87.46 | 88.46 | 2 |
ResNet50 | 78.57 | 91.07 | 16 |
MobileNetV2 | 83.4 | 87.93 | 5 |
VGG16 | 85.05 | 87.04 | 2 |
Models | Accuracy (%) | Precision (%) | Recall (%) | F1-Score (%) |
---|---|---|---|---|
VGG16 | ||||
Without Fine-Tuning | 78.02 | 73.97 | 98.18 | 84.38 |
With Fine-Tuning | 87.91 | 89.29 | 90.91 | 90.09 |
VGG19 | ||||
Without Fine-Tuning | 80.42 | 84.21 | 87.27 | 85.71 |
With Fine-Tuning | 87.91 | 87.93 | 92.73 | 90.27 |
Models | F1-Score for TL from ImageNet (%) | F1-Score for TL from Dataset A (%) | Improvement Rate (%) |
---|---|---|---|
VGG16 | 87.00 | 90.09 | 4 |
VGG19 | 85.05 | 90.27 | 6 |
Models | Accuracy (%) | Precision (%) | Recall (%) | F1-Score (%) |
---|---|---|---|---|
VGG16 | ||||
Without Fine-Tuning | 80.22 | 77.61 | 97.55 | 85.25 |
With Fine-Tuning | 89.01 | 90.91 | 90.91 | 90.91 |
VGG19 | ||||
Without Fine-Tuning | 85.71 | 85.00 | 92.73 | 88.70 |
With Fine-Tuning | 87.91 | 90.74 | 89.09 | 89.91 |
Models | F1-Score for TL from ImageNet (%) | F1-Score for TL from Dataset B (%) | Improvement Rate (%) |
---|---|---|---|
VGG16 | 87.00 | 90.91 | 4 |
VGG19 | 85.05 | 89.91 | 6 |
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations. |
© 2021 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).
Share and Cite
Al-kubaisi, A.; Khamiss, N.N. A Transfer Learning Approach for Lumbar Spine Disc State Classification. Electronics 2022, 11, 85. https://doi.org/10.3390/electronics11010085
Al-kubaisi A, Khamiss NN. A Transfer Learning Approach for Lumbar Spine Disc State Classification. Electronics. 2022; 11(1):85. https://doi.org/10.3390/electronics11010085
Chicago/Turabian StyleAl-kubaisi, Ali, and Nasser N. Khamiss. 2022. "A Transfer Learning Approach for Lumbar Spine Disc State Classification" Electronics 11, no. 1: 85. https://doi.org/10.3390/electronics11010085