Abstract
Knee Osteoarthritis (OA) is one of the most common joint diseases that may cause physical disability associated with a significant personal and socioeconomic burden. X-ray imaging is the cheapest and most common method to detect Knee (OA). Accurate classification of knee OA can help physicians manage treatment efficiently and slow knee OA progression. This study aims to classify knee OA X-ray images according to anatomical types, such as uni or bicompartmental. The study proposes a deep learning model for classifying uni or bicompartmental knee OA based on redefined residual learning with CNN. The proposed model was trained, validated, and tested on a dataset containing 733 knee X-ray images (331 normal Knee images, 205 unicompartmental, and 197 bicompartmental knee images). The results show 61.81 % and 68.33 % for accuracy and specificity, respectively. Then, the performance of the proposed model was compared with different pre-trained CNNs. The proposed model achieved better results than all pre-trained CNNs.
Keywords: Deep learning, Redefined residual learning, Knee osteoarthritis classification, Overstep connection, X-ray
1. Introduction
Knee OA is one of the most common joint diseases in orthopedics [1]. Knee OA is a knee joint disease accompanied by chronic pain, mobility limitations, and an increased risk of falls [2]. Knee osteoarthritis is a chronic disease with long-term symptoms and structural changes, including articular cartilage disintegration, subchondral bone sclerosis, and structural changes in all soft tissues surrounding the knee joint [[3], [4], [5]]. As a result, knee OA negatively affects the patient's quality of life due to decreased muscle strength, physical performance, range of joint motion, and physical performance [6]. Knee OA is clinically presented with limited activity, knee pain, and joint stiffness, which markedly affect the quality of life [1]. Although Knee OA mainly occurs in older adults, younger people are affected by Knee OA due to obesity and knee fractures [7]. Researchers have estimated that by 2050 around 130 million people will suffer from Knee OA [8]. The increasing need for complete knee replacements yearly reflects healthcare costs and the lack of treatment methods to prevent disease progression [9]. The Knee OA can affect two compartments of the knee, which are lateral and medial. When the OA changes only affect the medial or lateral side of the knee, this is considered a unicompartmental type. If the structural changes affect both medial and lateral sides, it is known as the bicompartmental type. Identifying uni-bicompartmental OA is valuable in determining which type of knee replacement is needed [[10], [11], [12]]. Fig. 1 (a,b, and c) represents the knee in normal, unicompartmental OA, and bicompartmental OA, respectively. X-ray imaging is one of the most common and cheap methods used in clinical medicine to scan any bone in the human body [13,14] due to its cost-effectiveness, safety, speed, and accessibility. X-rays are often used to diagnose and assess knee OA. They are the gold standard for knee OA screening [15].
The recent advances in artificial intelligence (AI) for healthcare have led to significant improvements and discoveries in orthopedics [16]. The efficiency of AI allows for quick processing of patient image data, which facilitates timely diagnosis and patient management [17]. Therefore, many researchers use AI to build computer-aided diagnosing tools to help physicians decrease time and effort while examining patients with knee OA symptoms, as many Radiographic and physicians suffer from the increasing workload in radiology and orthopedic departments [18].
[19] built a hybrid deep learning model for early diagnosing Knee OA. Three different CNN architectures were used as the base for the hybrid model. The model was compared to eight different CNN architectures, achieving the highest accuracy performance [8]. identified the grade of severity of Knee OA from X-ray images using deep learning (pre-trained CNN).
Furthermore, a conventional machine learning classifier was employed to take advantage of the enriched feature space and improve the classification performance of Knee OA. The proposed models are evaluated and prove their contribution to the early classification of the disease with a 90.8 % accuracy rate [20]. developed a deep convolutional neural network (DenseNet169) architecture coupled with an adaptive early stopping technique that uses gradual cross-entropy loss estimation for knee OA detection using X-ray images. Then, the authors compared the results obtained from the existing studies. The comparison shows that the proposed model performed better in accuracy, precision, and recall.
However, to our best knowledge, no previous studies have been done to classify Knee OA X-ray images according to anatomical types. The proposed research classifies knee OA as uni or bicompartmental. Total knee joint replacement is expensive for the patient and the national economy. Therefore, detecting that knee OA is unicompartmental will help minimize the rate of bicompartmental arthroplasty (total knee joint replacement), decreasing hospital stay and early return to daily activities. In addition, such a study can help doctors in remote areas that lack qualified orthopedic surgeons and are only supported by family and/or general practitioners.
The main contributions of this study are:
-
1
Classifying knee OA based on anatomical types to uni-bicompartmental types.
-
2
A deep learning model using an overstepping connection is developed to classify uni-bicompartmental knee OA.
-
3
The proposed deep learning method is based on redefined residual learning.
The remainder of the paper is organized as follows: Section 2 introduces the method used in the study. Section 3 discusses the proposed algorithm in detail. Then, we describe the used datasets by clarifying their references and explaining their classification in section 4. Then, the results and discussion of the experiment are presented in section 5. The paper is concluded in Section 6.
2. Methods
In knee joints, localizing information would acquire more discriminative features. It is possible to enhance classification performance by using discriminative features. When combined with the class activation map, CNNs have a substantial locating capability. CNNs have a significant locating capacity when used with the class activation map [[21], [22], [23], [24], [25]]. A class activation map was used to distinguish the discriminative ROI. Instead of relying on the pre-trained models to locate the knee, the proposed method can use different filter sizes and a cross-channel correlation approach that ignores the spatial dimensions of the ROI in a 1 × 1 convolution through the residual block to locate the ROI better. Based on the global characteristics of the same class, the proposed model annotates classification levels to focus on the explicit minimization of interclass distances. Ethical approval was waived as the data obtained was retrospective and de-identified.
2.1. The proposed algorithms
The classification will be incorrect if there aren't enough features employed. For a successful classification process, discriminative features are therefore crucial. A suggested deep learning approach utilizes redefined residual learning, cross-channel correlation, and an imbalanced dataset to analyze a challenging dataset of knee osteoarthritis images with uni-bicompartmental involvement. Knee-Net, a new DL architecture with 54 layers, is proposed. The recommended approach for redefined residual deep learning involves using various layers such as input, convolutional, batch normalization, pooling, dropout, fully connected, SoftMax, and activation rectified linear unit (ReLU).
The Height (H), Width (W), and Number of Channels (D) of the input image are the three dimensions that the first layer (also known as the “input layer”) is responsible for defining. In contrast to cutting-edge DL models like Google-net, Alex-net, VGG, and Res-net, limited values for W and H are employed, such as 227 × 227 or 224 × 224. All images in the W × H × D proposed model were scaled down to 300 × 300 × 3.
From the input layer, the “convolution layer” receives input. Neurons in this layer connect various image areas. Convolution layers are first learned using low-level information, after which deeper layers extract additional features, including objects, shapes, and colors. Convolutional layers are used to localize features in a scanned image. Features must be extracted from the input image after the convolutional layers, resulting in a reduced feature map to downscale an image. So, a down-sampling layer addressed this problem. Consequently, we added a max-pooling layer. The pooled features map's features are duplicated in a new group of features generated by this layer.
The input dimension of each layer is altered during the training phase by changing the layer parameters. Training the DCNN is challenging as a result. The training process is delayed by the need for slower learning rates and precise parameter settings during each iteration. Batch normalization layers were used to speed up training and reduce sensitivity. The mean and variance of the input distributions are normalized using the batch normalization layer, which also removes the negative effects of the internal shift covariance. Before the ReLU alters the DCNN, there is a normalization layer. As a result, it becomes easier to coordinate changes between layers.
It is challenging to raise and deepen layers. Even with proper initialization, the gradient vanishing problem can still arise in deeper networks. Research has established that accuracy is unaffected by increasing depth, and that degradation is unavoidable [26]. As a result, efficiency does not considerably rise as network thickness increases and may be impacted by the degradation issue. More images are needed for training deeper systems because there are numerous parameters that these networks must call to generalize. The output from one layer of a deep neural network is fed into the next layer, which is organized progressively. Going deeper is not an option because there aren't enough images in the datasets for medical images, particularly knee X-rays.
The proposed model employs a redefined residual learning technique to overcome image shortages and degradation. Overstepping layer input connections is a way to address degradation through redefined residual learning by increasing information flow and rearranging layers to address degradation. Different redefined residual blocks are combined to form the proposed deep redefined residual network. Fig. 2 displays the suggested method's general architecture and describes all convolutional layers.
We produce two types of redefined residual blocks, as shown in Fig. 2. Like the first, second, fourth, and sixth overstepping layer input connections in Fig. 2. , the first overstep input connections have no additional layer. The third and fifth layers of the second overstep input connections are batch normalization and convolutional. The input vector “o" is used to represent each redefined residual block, the output vector is “m,” and the mapping of the stacked layers is represented by “S(o)" for each redefined residual block. The redefined residual function of these layers is now identified using equation (1) below [22]:
(1) |
Instead of imitating the stacked layers , in equation (1), the redefined residual learning is used to increase the layers' learning rate even with a small dataset. This subnetwork's output “m" is computed from equation (2):
(2) |
The proposed method has been modified to operate with multiclass classification after the fully connected and SoftMax layers. Using an entropy function, the final layer, called the output layer, changes the SoftMax output into the target class name. A probability value of 1 must be used in sigmoid. Still, a probability value 1 can be used in SoftMax if the target class has a more excellent probability value than other SoftMax classes. One potential limitation of SoftMax is that it can become computationally expensive when the number of “knee” classes increases [22].
It is also possible for the proposed method to perform a solution to the class imbalance. We developed a bootstrap algorithm to ensure the classes were balanced in the dataset. Regular sampling of images is carried out by replacing the samples with new ones, and then the samples are weighted based on how many images are in each class. The dataset images are first arranged alphabetically by the names of the classes. Now, the algorithm computes how many images are in the entire dataset and how many there are in each class. The algorithm calculated the weight of the images by dividing the count of each class image by the overall number of images in the dataset.
Furthermore, it is important to note that images within the same class are weighted equally. When all labels' weights are added together, the sum of all labels' weights equals one. The dataset is transformed into a vector, and instead of utilizing images labeled alphabetically, the labels of the images will be numerical weights. As a result, the class with the most images has the least weight, while the class with the fewest images has the highest weight. Then, the suggested technique multiplies the weight of the classification layer by the weight of the images in the image vector. The proposed redefined residual learning is shown in the following algorithm.
3. Experiment
This section will describe the used datasets by clarifying their references and explaining their classification. Then, the results of the experiments will be presented later in the following sections. The first dataset has been obtained from Mendeley Data [27]. The second dataset has been obtained from Kaggle Datasets [28]. The two image datasets have been merged into one dataset and classified into three groups. Specialized orthopedic surgeons did the classification.
The first normal group includes 331 images (Fig. 3 a). The second unicompartmental group contains 205 images (Fig. 3 b). Finally, the third bicompartmental group comprises 197 images (Fig. 3 c). The proposed model was trained, validated, and tested on the merged datasets.
3.1. Results
The proposed model was developed in MATLAB 2022b 64-bit and executed on an IBM PC with a Core i7 CPU, 16 GB of DDRAM, and an NVIDIA MX150 GPU card. The SGD optimizer was used to adjust network weights throughout the training period. As the learning process progresses, each network weight or parameter has a specific learning rate that changes. In the training phase, the network parameters are randomly initialized and adjusted. All trials use a similar learn rate drop period, weight decay, batch size, momentum, and maximum epochs, and these values were 4, 0.9, 0.001, 10, 0.9, and 30, respectively.
Quantitative and qualitative indicators were used to evaluate the suggested model's performance. Two quantitative metrics were used: accuracy and specificity. If accuracy is used to assess the model's quality, a model that classifies all testing samples into the class with the most images will have excellent accuracy. Nonetheless, this model will not give us any helpful information. As a result, we employed other performance metrics. The confusion matrix is utilized as a qualitative metric to display and analyze the dependability of the suggested method. These measurements are calculated using the following equation [29]:
(3) |
(4) |
where the terms “false-positive” and "false-negative” stands in contrast to “true positive” and “true negative,” respectively.
The confusion matrix of the proposed method is shown in Fig. 4, while Table 1 summarizes the obtained measures (see Fig. 5).
Table 1.
Accuracy | specificity | |
---|---|---|
The proposed model | 65 | 66.67 |
According to the results obtained and summarized in Table 1, The accuracy of the proposed method was 65 %, while the specificity was 66.67 without augmentation. The proposed method constructs the deep learning model based on the dataset images. Instead of constructing a stacked layer deep learning model, the proposed method refined the residual learning to overcome the problem of a lack of images in the dataset. The proposed method fails to detect bicompartmental.
3.2. Discussions
The previous results show that the performance measures of the proposed method still need some enhancement. Because the proposed method fails to detect and classify bicompartmental, we suggest augmenting the dataset images and comparing the obtained results with others.
To our knowledge, no recently published paper on the same dataset exists. Therefore, we used a pre-trained model with transfer learning to compare the obtained measures using the proposed deep learning model against the pre-trained model. Here, Alexnet, shuffelnet, mobilenetv2, darknet53, and googlenet were used with transfer learning to compare the proposed method against others. The last two layers have been replaced with new, fully connected classification layers. In addition, all the previous layers were frozen to keep all the weights of these layers fixed without any change. Finally, the last two layers have been trained using the knee images (see Fig. 9).
Before training the proposed model, some limitations and challenges must be added to relatively little data that can be accessed readily. So, we use various augmentation techniques, including random vertical and horizontal flips, random vertical and horizontal shifts, and random rotation angles between 0 and 360. There are requirements for augmentation, such as overcoming the limitation of the dataset images and generalizing the CNNs model to overcome the issue of overfitting and underfitting. The confusion matrices for modified pre-trained CNNs and the proposed method are shown in Fig. 5, Fig. 6, Fig. 7, Fig. 8, Fig. 9, Fig. 10. Table 2 summarizes the measures obtained, while Fig. 11 depicts the results.
Table 2.
Accuracy | specificity | |
---|---|---|
Alexnet | 52.72 | 66.33 |
Darknet53 | 49.7 | 64 |
Mobilenetv2 | 60 | 68 |
Shuffelnet | 59.94 | 65.67 |
Googlenet | 51.52 | 67 |
The proposed model | 61.81 | 68.33 |
The previous results show that the proposed method's performance measures are better than all pre-trained CNNs with transfer learning in detecting the three classes, bicompartmental, normal, and unicompartmental, as shown in Fig. 4. Although the proposed model was not pre-trained, it performed better than pre-trained CNNs. However, these measures are still unacceptable for many reasons. Based on radiographic findings, we will require baseline diagnostic imaging and follow-up clinical evaluations to identify uni-bicompartmental knee osteoarthritis. These assessments can be costly as well as challenging to obtain. These issues lead to limited data. Even after augmentation, the features are still the same. Secondly, there were no precomputed features, segmentations of the X-ray images, or processed images.
The limitation of this study is that the dataset contains a few knee images and the extraction of some redundant information, which degrades classification accuracy and lengthens computation, are the main limitations of this study. In the future, the dataset of knee images must increase. In addition, Bayesian optimization can be used to solve this problem.
4. Conclusions
This study proposes a deep redefined residual network architecture to classify knee OA as uni-bicompartmental. The model utilizes convolutional, pooling, and batch normalization layers to extract features from knee X-ray images. We used a dataset containing 733 knee X-ray images (331 normal Knee images, 205 unicompartmental, and 197 bicompartmental knee images). This study shows satisfactory results with 61.81 % and 68.33 % for accuracy and specificity, respectively. Then, we compare the performance of the proposed model with pre-trained CNN models (Alexnet, shufflenet, mobilenetv2, darknet53, and googlenet) using transfer learning. Results show that the proposed model outperforms the pre-trained models regarding accuracy and specificity. The proposed study could help orthopedic surgeons and related healthcare specialists interpret knee OA, especially in remote areas with insufficient qualified physicians. It can also assist in classifying the pathology into uni-bicompartmental, thus facilitating its treatment with either unicompartmental arthroplasty or bicompartmental (total) knee replacement.
Data availability
Data is available on request from the authors.
CRediT authorship contribution statement
Soaad M. Naguib: Writing – original draft, Validation, Formal analysis, Data curation, Conceptualization. Mohamed A. Kassem: Writing – original draft, Visualization, Software, Methodology, Conceptualization. Hanaa M. Hamza: Visualization, Resources, Project administration, Data curation. Mostafa M. Fouda: Resources, Project administration, Funding acquisition. Mohamed K. Saleh: Visualization, Validation, Data curation, Conceptualization. Khalid M. Hosny: Writing – review & editing, Supervision, Methodology, Conceptualization.
Declaration of competing interest
The authors declare that they have no known competing financial interests or personal relationships that could have appeared to influence the work reported in this paper.
References
- 1.Lin W., Xie L., Zhou L., Zheng J., Zhai W., Lin D. Effects of platelet-rich plasma on subchondral bone marrow edema and biomarkers in synovial fluid of knee osteoarthritis. Knee. 2023;42:161–169. doi: 10.1016/j.knee.2023.03.002. [DOI] [PubMed] [Google Scholar]
- 2.Hislop A., Collins N.J., Tucker K., Semciw A.I. The association between hip strength, physical function, and dynamic balance in people with unilateral knee osteoarthritis: a cross-sectional study. Musculoskelet. Sci. Pract. 2023, December;63 doi: 10.1016/j.msksp.2022.102696. [DOI] [PubMed] [Google Scholar]
- 3.Liu X., Virk S., Fedorova T., Oo W.M., Hunter D.J. The effect of pentosan polysulfate sodium for improving dyslipidemia and knee pain in people with knee osteoarthritis: a pilot study. Osteoarthr. Cartil. Open. 2023;5(2) doi: 10.1016/j.ocarto.2023.100343. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 4.Burfield M., Sayers M., Buhmann R. The association between running volume and knee osteoarthritis prevalence: a systematic review and meta-analysis. Phys. Ther. Sport. 2023;61:1–10. doi: 10.1016/j.ptsp.2023.02.003. [DOI] [PubMed] [Google Scholar]
- 5.Cai G., et al. Knee symptom but not radiographic knee osteoarthritis increases the risk of falls and fractures: results from the Osteoarthritis Initiative. Osteoarthritis Cartilage. 2022;30(3):436–442. doi: 10.1016/j.joca.2021.11.015. [DOI] [PubMed] [Google Scholar]
- 6.Hammami N., et al. Isokinetic strengthening and neuromuscular electrical stimulation protocol impact on physical performances, functional status and quality of life in knee osteoarthritis overweight/obese women. Knee. 2022;39:106–115. doi: 10.1016/j.knee.2022.09.004. [DOI] [PubMed] [Google Scholar]
- 7.Bonakdari H., Pelletier J.P., Abram F., Martel-Pelletier J. A machine learning model to predict knee osteoarthritis cartilage volume changes over time using baseline bone Curvature. Biomedicines. 2022;10(6) doi: 10.3390/biomedicines10061247. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 8.Ahmed S.M., Mstafa R.J. Identifying severity grading of knee osteoarthritis from X-ray images using an efficient mixture of deep learning and machine learning models. Diagnostics. 2022;12(12) doi: 10.3390/diagnostics12122939. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 9.Hall M., et al. How does hip osteoarthritis differ from knee osteoarthritis? Osteoarthritis Cartilage. 2022;30(1):32–41. doi: 10.1186/s13075-023-03179-4. [DOI] [PubMed] [Google Scholar]
- 10.Al-Dadah O., Hawes G., Chapman-Sheath P.J., Tice J.W., Barrett D.S. Unicompartmental vs. segmental bicompartmental vs. total knee replacement: comparison of clinical outcomes. Knee Surg. Relat. Res. 2020;32(1) doi: 10.1186/s43019-020-00065-0. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 11.Stoddart J.C., Dandridge O., Garner A., Cobb J., van Arkel R.J. The compartmental distribution of knee osteoarthritis – a systematic review and meta-analysis. Osteoarthritis Cartilage. 2021;29(4):445–455. doi: 10.1016/j.joca.2020.10.011. [DOI] [PubMed] [Google Scholar]
- 12.Wada K., Price A., Gromov K., Lustig S., Troelsen A. Clinical outcome of bi-unicompartmental knee arthroplasty for both medial and lateral femorotibial arthritis: a systematic review—is there proof of concept? Arch. Orthop. Trauma Surg. 2020;140(10):1503–1513. doi: 10.1007/s00402-020-03492-6. [DOI] [PubMed] [Google Scholar]
- 13.Moradi B., et al. Unicompartmental and bicompartmental knee osteoarthritis show different patterns of mononuclear cell infiltration and cytokine release in the affected joints. Clin. Exp. Immunol. 2015;180(1):143–154. doi: 10.1111/cei.12486. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 14.Naguib S.M., Hamza H.M., Hosny K.M., Saleh M.K., Kassem M.A. Classification of cervical spine fracture and dislocation using refined pre-trained deep model and saliency map. Diagnostics. 2023;13(7):1–16. doi: 10.3390/diagnostics13071273. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 15.Hirvasniemi J., et al. The KNee OsteoArthritis Prediction (KNOAP2020) Challenge: an image analysis challenge to predict incident symptomatic radiographic knee osteoarthritis from MRI and X-ray images. Osteoarthritis Cartilage. 2023;31(1):115–125. doi: 10.1016/j.joca.2022.10.001. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 16.Binvignat M., et al. Use of machine learning in osteoarthritis research: a systematic literature review. RMD Open. 2022;8(1):1–10. doi: 10.1136/rmdopen-2021-001998. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 17.Arif M.S., Mukheimer A., Asif D. Enhancing the early detection of chronic kidney disease: a robust machine learning model. Big Data Cogn. Comput. 2023;7(3):144. doi: 10.3390/bdcc7030144. [DOI] [Google Scholar]
- 18.Pongsakonpruttikul N., et al. Artificial intelligence assistance in radiographic detection and classification of knee osteoarthritis and its severity: a cross-sectional diagnostic study. Eur. Rev. Med. Pharmacol. Sci. 2022;26(5):1549–1558. doi: 10.26355/eurrev_202203_28220. [DOI] [PubMed] [Google Scholar]
- 19.Aslan S. Automatic detection of knee osteoarthritis disease with the developed CNN, NCA, and SVM-based hybrid model. Trait. Du Signal. 2023;40(1):317–326. doi: 10.18280/ts.400131. [DOI] [Google Scholar]
- 20.Al-rimy B.A.S., Saeed F., Al-Sarem M., Albarrak A.M., Qasem S.N. An adaptive early stopping technique for DenseNet169-based knee osteoarthritis detection model. Diagnostics. 2023;13(11) doi: 10.3390/diagnostics13111903. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 21.Kassem M.A., Naguib S.M., Hamza H.M., Fouda M.M., Saleh M.K., Hosny K.M. Explainable transfer learning-based deep learning model for pelvis fracture detection. Int. J. Intell. Syst. 2023, Jun;2023 doi: 10.1155/2023/3281998. Article ID 3281998, 10 pages. [DOI] [Google Scholar]
- 22.Alsahafi Y.S., Kassem M.A., Hosny K.M. Skin-Net: a novel deep residual network for skin lesions classification using multilevel feature extraction and cross-channel correlation with detection of outlier. J Big Data. 2023, Jun;10(1):105. doi: 10.1186/s40537-023-00769-6. [DOI] [Google Scholar]
- 23.Eltoukhy M.M., Hosny K.M., Kassem M.A. Classification of multiclass histopathological breast images using residual deep learning. Comput. Intell. Neurosci. 2022, Oct;2022 doi: 10.1155/2022/9086060. Article ID 9086060, 10 pages. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 24.Hosny K.M., Kassem M.A. Refined residual deep convolutional network for skin lesion classification. J. Digit. Imag. 2022;35:258–280. doi: 10.1007/s10278-021-00552-0. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 25.Djoulde K., Ousman B., Hamadjam A., Bitjoka L., Tchiegang C. Classification of pepper seeds by machine learning using color filter array images. Journal of Imaging. 2024;10(2) doi: 10.3390/jimaging10020041. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 26.Kassem M.A., Hosny K.M., Damaševičius R., Eltoukhy M.M. Machine learning and deep learning methods for skin lesion classification and diagnosis: a systematic review. Diagnostics. 2021, Jul;11(8):1390. doi: 10.3390/diagnostics11081390. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 27.Insha M.W., Sakshi A. Mendeley Data, V2; 2021. Knee X-Ray Osteoporosis Database. [Google Scholar]
- 28.https://www.kaggle.com/datasets/stevepython/osteoporosis-knee-xray-dataset?resource=download.
- 29.Stojanovi M. Understanding sensitivity specificity and predictive values. Vojnosanit. Pregl. 2014;71(11):1062–1065. doi: 10.2298/vsp1411062s. [DOI] [PubMed] [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.
Data Availability Statement
Data is available on request from the authors.