Abstract
The COVID-19 is proved to be the most infectious disease of the current century with a high mortality rate world-wide. The current RT-PCR test standard for the diagnosis of COVID-19 is an invasive and time-consuming procedure, whereas the chest X-ray (CXR) images provide a non-invasive and time/cost-effective method for COVID-19 diagnosis. The current existing deep learning methods for the detection and diagnosis of CXR images provide biased results for the small size dataset available. Hence, in the present work, a conventional yet efficient method is proposed classifying the CXR images into COVID-19, Pneumonia, and Normal. The proposed approach pre-processes the CXR images using 2D singular spectrum analysis (SSA) for image reconstruction which enhances the feature inputs to the classifier. The features are extracted from the reconstructed images using a block-based GLCM approach. Then, a grasshopper-based Kernel extreme learning machine (KELM) is proposed which finds the optimal features and kernel parameters of KELM at the same instance. From the experimental analysis, it is seen that the present work outperforms that of other competent schemes in terms of classification accuracy with a minimal set of features extracted from the first 2 eigen components of the 2D-SSA reconstructed image with 5 × 5 decomposition.
Keywords: COVID-19, CXR, 2-D SSA, GLCM, KELM
1. Introduction
The severe acute respiratory syndrome coronavirus 2 (SARS-CoV-2) or now commonly known as COVID-19 is first identified in Wuhan City (Hubei Province, China) and is reported to the world health organization (WHO) in December 2019. Later, in January 2020, it was a global health emergency and by March 2020, it became a global pandemic declared by WHO. To date, it is having a major impact on global health by infecting a large number of people, severe long-term health sequela, and a large figure of mortality rate [1], [2]. As per the current statistics, there are around 170 million active cases of COVID-19 with deaths of over 3.5 million around the world. With the changing mutation of the virus, the count is still rising [3].
The current gold standard for the identification of the disease COVID-19 is the reverse transcription polymerase chain reaction (RT-PCR) test which is having low accuracy with a time constraint on it. Also, it is worth mentioning that the procedure associated with the test has to be meticulous about the sample site and most of the users report it to be very uncomfortable [4]. The alternative to this test is using radiography images of the chest using computed tomography (CT) or X-ray techniques. CT scan is comparatively costly and more harmful to the subject than Chest X-ray (CXR). Since the disease is very new to the world, the human expertise for identifying the radiology image for COVID19 is only about 65% [5]. Hence, a computer-aided diagnosis system is an utmost necessity for assisting the doctors as well as the radiologists in the identification of the disease.
The study done by authors of [6], [7] has shown that the automatic classification using CXR images gives better results than that of the CT images. Hence, most of the literature adapted CXR-based COVID19 identification as the standard. To aid the detection of the COVID-19 automatically from CXR images, Apostolopoulos et al. [8] first proposed transfer learning based convolutional neural network (CNN) in March 2020. Following the lead, several deep learning-based architectures are proposed during that year [9], [10], [11], [12], [13], [14], [15], [16], [17], [18] using the Cohen JP COVID-19 image data collection [19]. This database is a constantly updating database and till the end of June 2020, accumulated a total of 123 COVID-19 positive images. However, such small number of COVID-19 positive images for the training of deep neural networks (DNN) introduces a high possibility of bias [20]. To expand the size of the small set of COVID-19 images, one of the promising methods is data augmentation [11], [13]. Continuous efforts are made employing various machine learning (ML) algorithms where the database of increased number of images are used [21], [22], [23], [24], [25], [26], [27], [28], [29]. Chandra et al. [23] proposed a hierarchical classifier using conventional ML algorithms. A cluster-based approach is proposed in [22] using generalized gross neural network (GGNN) and probabilistic neural network (PNN) for multi-class classification of Pneumonia bacterial, Pneumonia viral, Normal, and COVID-19 CXRs to make the learning possible from few samples. Hussain et al. [21] proposed a 22 layer CNN model for binary and multi-class classification of COVID-19, Normal, viral Pneumonia, and bacterial Pneumonia CXRs. To train the CNN model, the authors combined all the 8 publicly available CXR datasets. But the number of images in all the classes was less than 1000. For the requirement of large data, Karakanis et al. [24] used deep learning conditional generative adversarial networks (CGAN) to generate the synthetic data followed by CNN models for classification of two and three class CXR images. Two more CNN models are conceived by Gilanie et al. [25] and Das et al. [26] for automated detection of COVID-19 CXR images. Tabik et al. [27] proposed a COVID-SDNet model for predicting COVID-19 using CXR images. The variation they used from the prior mentioned method is using a U-Net approach for the segmentation of lung region from the image and using the segmented images as the input to the CNN for more focused features around the lung area only. The same concept is carried out by Rahman et al. [28] while using a 22 layer CNN with a modified version of U-Net segmentation for lung area segmentation from CXR images. Although, most of the aforementioned methods report an accuracy of more than 95%, however, due to the lower number of samples for training the DNNs, the evaluation of the robustness of the proposed models or obtaining a generalized power for clinical setting is dubious [30].
In the proposed article, a conventional algorithm is proposed which reports an improved accuracy even with a small sized dataset. Moreover the proposed work has a significant advantage over DNN networks in terms of computational complexity. The proposed algorithm uses 2 dimensional singular spectrum analysis (2-D SSA) technique to obtain quality noise-free images for better feature extraction in the subsequent stage. Next, a block-wise gray-level co-occurrence matrix (Block-GLCM) is used for extracting the second-order statistical features from the reconstructed images. Further, a bio-inspired evolutionary algorithm, namely, grasshopper optimization algorithm hybridized with kernel extreme learning machine (KELM) is employed for feature selection and also for binary and multi-class classification of COVID-19, Normal, and Pneumonia CXR images.
This paper is organized as follows: Section 2 gives background information about the techniques used in the proposed algorithm. The next section details the stages of the proposed algorithm. Section 4 describes the dataset used for algorithm implementation, experimental setup, and discusses the results obtained. Finally, the conclusion is reported in Section 5.
2. Preliminary background
2.1. 2-D singular spectrum analysis (2-D SSA)
In this paper, to enhance the feature profile of the CXR images, a 2-dimensional singular spectrum analysis (2-D SSA) approach is adopted. 2-D SSA algorithm is based on singular value decomposition (SVD) of a Hankel-block-Hankel (HbH) matrix constructed from the input image of size matrix. The structure of the 2-D SSA algorithm consists of four steps, namely, embedding, decomposition, grouping, and reconstruction.
-
•Embedding: This step comprises of HbH matrix construction from the image matrix (),i.e.
For the window size of whose dimension restricted by and , HbH matrix of is created, where and . The constructed HbH matrix or the trajectory matrix () could be represented as below,(1)
where,(2) (3) -
•Decomposition: The SVD is applied on the trajectory matrix (Eq. (2)) to obtain the nonzero eigenvectors. Mathematically, it can be represented as follows.
Or,(4)
Where, is the nonzero eigen value and forms the eigentriples of the matrix with the left and right singular vectors (, ). By transforming the eigenvectors to window form, eigenimages could be obtained.(5) -
•Grouping: Grouping could be performed on the basis of analysis of eigen vector to enhance the properties of original image. When the expression of Eq. (5) is obtained, the grouping procedure partitions the set of indices into disjoint subsets . For a subset , the matrix corresponding to the group is defined as . Thus, the grouped matrix decomposition is expressed as
The grouping with is called elementary.(6) -
•Reconstruction: The matrices obtained by grouping may not be HbH necessarily, so they need to be Hankelized. This is done in two step Hankelization process. The first hankelization is done within each block (Eq. (2)) and then applied between the blocks (Eq. (7)). The reconstructed gives the 2-D image projected from the group , could be expressed as:
The projected original image could be expressed using the following expression,(7) (8)
This helps in the decomposition of an image into several components extracted based on the SVD. Each component corresponds to each eigenvalue obtained in the SVD. 2D SSA application in the CXR images for reconstructing the image by taking the most significant eigenvectors gives a better input for feature extraction. Also, it helps in noise suppression from the image which resides in the low eigenvalued pixel vectors.
2.2. Gray-level co-occurrence matrix (GLCM)
The GLCM [31] is considered as an efficient approach to represent the second-order statistical feature descriptors of an image. This feature extraction technique helps to study the textural features of an image by exhibiting the spatial relationship between two pixel elements. This relational occurrence of pixel pairs is determined by varying the distance and orientation between the pixels. Each pixel element in GLCM indicates the sum of the incidence of occurrence of in a specific association with the pixel . It can be implied as . Here, and are the distance and orientation between the pixel pairs, respectively where can be 0°, 45°, 90°, and 135°. For more details, readers can refer to [32].
3. Proposed methodology
The proposed method aims at classifying the CXR images in two ways such as binary (Normal–Abnormal) and multi-class classification (Normal, Pneumonia, and COVID-19). The block diagram of the proposed approach is shown in Fig. 1. In the first stage, 2-D SSA is applied to the images to reconstruct the images to enhance the features of the image and suppress any noise present. In the next stage, feature extraction is done using Block-GLCM followed by feature selection and classification using grasshopper-based KELM. The following subsections describe the working of each block in more detail.
Fig. 1.
Block diagram of the proposed algorithm.
3.1. Application of 2D-SSA on CXR images
The X-ray images generally contain noises like Poisson noise, salt and pepper noise, and speckle noise [33]. These degrade the quality of the noise as well as hinders the feature extraction from the image for classification purposes. Here, the 2-D SSA is applied to the images before feature extraction. SSA application on the CXR images is based on selecting significant components and discarding the less significant components. These less significant and noisy components usually in the low-value eigenvectors. Hence, the reconstructed image with a high value of eigenvector leads to an enhanced image profile for better feature extraction. These feature obtained from the reconstructed images gives better input for the classification. There are two determining parameters of the 2-D SSA application. First, the window size , which provides the total numbers of components extracted in the decomposition stage. The second is in the eigenvalue grouping stage, which selects the extracted components for the desired image reconstruction for feature extraction. Fig. 2 shows examples of reconstructed images with the first and second eigen-components using and .
Fig. 2.
(a)–(c) for Normal, (d)–(f) for Pneumonia, (g)–(i) for COVID-19, Images: Original, Reconstructed image with (eigen components [1-2]), Reconstructed image with (eigen components[1-2] .
3.2. Feature extraction using block-GLCM
In the present work, the images are resized to 256 × 256, which are further divided into non-overlapping blocks of size 64 × 64 to extract the local information in detail. Hence, a total of non-overlapping blocks are generated. Next, a set of 5 statistical descriptors, namely, energy, entropy, correlation, the sum of variance, the sum of average are obtained for all the blocks in 4 different directions using GLCM. Hence, a total of 320 (16 × 4 × 5) features are obtained from each image.
3.3. Feature selection and classification using grasshopper-based KELM
In the present work, a bio-inspired evolutionary algorithm, namely, grasshopper optimization algorithm is hybridized with kernel extreme learning machine (KELM) classifier to get the optimal features and values of two important parameters of KELM, namely, penalty () and kernel () parameters, simultaneously. The grasshopper optimization algorithm (GOA) follows the behavior of grasshopper swarms to get a globally optimal solution [34]. It may be noted that this optimization algorithm is exploited to obtain the optimal features and kernel parameters of KELM at the same time. KELM is a variant of ELM which is utilized to get improved performance than that of the conventional ELM [35]. In KELM, different kernel functions are implemented for different application purposes. Here, one of the most widely used kernel functions, namely, radial basis function (RBF) kernel is applied. A detailed flow diagram of the present grasshopper-optimized KELM is represented in Fig. 3. The size of the candidate vector is taken as , where the first two positions indicate and kernel () parameters. The next positions indicate the size of the features.
Fig. 3.
Flowchart of the proposed grasshopper-optimized KELM.
The mechanism of encoding for the candidate vector is done as follows. Each feature is normalized where the value ranges between [0,1]. If the value of the function (see Eq. (9)) of a feature is , then that feature is rejected and converted to 0. Else, the corresponding feature is taken into consideration and converted to 1.
| (9) |
Additionally, in the present work, the fitness value of every candidate is the respective classification accuracy and it is represented as follows:
| (10) |
where symbolizes total iterations performed, indicates the average of the test accuracy determined by KELM through 5-fold cross-validation.
4. Experimental results and discussions
4.1. Dataset
To start with the implementation of the proposed approach, the CXR images are collected from COVIDx 1.0 [36]. The dataset is a publicly available research dataset which is created by merging three different datasets, namely, COVID-19 Image Data Collection [19], Figure-1-COVID-19 Chest X-ray Dataset Initiative [37] and RSNA Pneumonia Detection Challenge dataset [38]. In the current scenario, the COVID-19 class is primarily sourced from COVID-19 Image Data Collection [19]. The dataset contains a total of 5144 CXR samples out of which 460 are COVID-19, 1266 are Normal, and 3418 are Pneumonia samples. For binary classification, the samples of COVID-19 and Pneumonia are merged to form the samples of abnormal set.
4.2. Experimental setup
The present block-GLCM + PCA + grasshopper-optimized model is implemented using MATLAB 2019a. The dataset is divided into train, validation, and test sets using the k-folded stratified cross-validation (SCV) method to prevent over-fitting. In this work, a 5 independent runs 5-fold cross-validation approach is implemented to get ensure the results are robust and consistent. The results listed below Tables are obtained by taking the mean of the 5 independent runs. To assess the classification performance of the proposed model, different measuring parameters, namely, classification accuracy, sensitivity, specificity, Mathew’s Correlation Coefficient (MCC), AUC, and F-score are considered via confusion matrix [39]. In the experiment, the value of and are set in the range of [].
4.3. Results obtained prior to 2D-SSA, PCA, and optimization
In the experimental analysis, initially, the results are obtained before 2D-SSA, PCA, and optimization. At the initial stage, a total of 320 number of GLCM features are extracted from the original CXR images without applying 2D-SSA which are then fed to the KELM classifier. The KELM classifies the CXR images into COVID-19, Normal, and Pneumonia. Table 1 shows the results of classification before 2D-SSA, PCA, and optimization. From the table, it is seen that the highest accuracy for the 2-class and 3-class classifications are 85.86% and 83.2%, respectively. However, this performance improved when the original images get pre-processed with 2D-SSA followed by feature reduction and optimization.
Table 1.
Result prior to 2D-SSA, feature reduction, and optimization for 2-class and 3-class, #F: number of features, Sn: Sensitivity, Sp: Specificity, Acc: Accuracy.
| Class | #F | Sp | Sn | Acc (%) | F-score | MCC |
|---|---|---|---|---|---|---|
| Normal–Abnormal | 320 | 0.858 | .859 | 85.86 | 0.859 | 0.853 |
| COVID19-Normal-Pneumonia | 320 | 0.831 | .84 | 83.2 | 0.833 | 0.841 |
4.4. Results after applying 2D-SSA, PCA and optimization
This section discusses the results generated from the CXR images after employing 2D-SSA before the feature extraction stage. Next, the length of the feature vector is reduced using PCA, and then, grasshopper-optimized KELM is applied for feature optimization and classification. The initial length of the obtained feature vector is 320 which is then reduced to 80 using PCA. However, the reduced feature vector may still contain some irrelevant features which degrade the performance of the classifier. Hence, in the present work, grasshopper-optimized KELM is implemented to get the optimized features along with optimal values of and at one instance.
To demonstrate the impact of 2-D SSA reconstructed image on the results, Table 2 presents the results obtained for 2-class and 3-class classification by applying PCA and grasshopper-optimized KELM on the original CXR image features obtained by Block GLCM. Then, the results are also obtained using different values of for applying 2D-SSA on CXR images in Table 3, Table 4, Table 5. These show the results obtained from the pre-processed images using 2D-SSA for , and , respectively. C_val and G_val in the table indicate the optimal values of KELM parameters i.e. and , respectively. Additionally, the values shown in the tables are the average of 5 independent runs. From the tables, it could be concluded that the maximum classification accuracy obtained is 100% for the reconstructed image having . Further, it could be observed that the value is lower for 3-class classification when only 1 component is considered while without a significant change in the number of features. Also, when is increasing, the algorithm has additional computation complexity with accuracy declining. Hence, to achieve the highest accuracy for classification the reconstructed images with and components are found to be most appropriate.
Table 2.
Result after employing PCA and optimized-KELM on the original CXR images.
| Class | #F | Sp | Sn | Acc (%) | F-score | MCC |
|---|---|---|---|---|---|---|
| Normal–Abnormal | 35 | 0.971 | .970 | 97.18 | 0.980 | 0.971 |
| COVID19-Normal-Pneumonia | 37 | 0.975 | .977 | 97.7 | 0.970 | 0.971 |
Table 3.
Result after employing PCA and optimized-KELM for reconstructed image where and selecting eigen components as 1, 1 to 2, 1 to 5.
| Eigen_component | Class | #F | Sn | Sp | Acc | MCC | F-score | C_val | G_val |
|---|---|---|---|---|---|---|---|---|---|
| 5 × 5 [1] | 2-class | 37 | 1 | 1 | 100 | 1 | 1 | 116.48 | 88.63 |
| 3-class | 40 | 1 | 1 | 100 | 0.9976 | 1 | 118.85 | 89.19 | |
| 5 × 5 [1-2] | 2-class | 42 | 1 | 1 | 100 | 1 | 1 | 216.8 | 30.59 |
| 3-class | 38 | 1 | 1 | 100 | 1 | 1 | 169.30 | 41.69 | |
| 5 × 5 [1-5] | 2-class | 39 | 0.9987 | 0.9967 | 99.93 | 0.9983 | 0.9978 | 170.18 | 38.88 |
| 3-class | 41 | 0.9989 | 0.9981 | 99.89 | 0.9991 | 0.9985 | 203.67 | 67.69 | |
Table 4.
Result after employing PCA and optimized-KELM for reconstructed image where and selecting eigen components as 1, 1 to 2, 1 to 5.
| Eigen_component | Class | #F | Sn | Sp | Acc | MCC | F-score | C_val | G_val |
|---|---|---|---|---|---|---|---|---|---|
| 10 × 10 [1] | 2-class | 40 | 0.9988 | 0.9991 | 99.98 | 0.9991 | 0.9989 | 169.48 | 86.29 |
| 3-class | 40 | 0.9979 | 0.9985 | 99.87 | 0.9980 | 0.9978 | 188.38 | 88.71 | |
| 10 × 10 [1-2] | 2-class | 39 | 0.9967 | 0.9968 | 99.67 | 0.9959 | 0.9966 | 216.8 | 41.59 |
| 3-class | 41 | 0.9961 | 0.9967 | 99.66 | 0.9961 | 0.9969 | 179.18 | 67.96 | |
| 10 × 10 [1-5] | 2-class | 40 | 0.9965 | 0.9968 | 99.67 | 0.9958 | 0.9968 | 169.68 | 43.89 |
| 3-class | 41 | 0.9961 | 0.9967 | 99.66 | 0.9961 | 0.9969 | 170.28 | 69.66 | |
Table 5.
Result after employing PCA and optimized-KELM for reconstructed image where and selecting eigen components as 1, 1 to 2, 1 to 5.
| Eigen_component | Class | #F | Sn | Sp | Acc | MCC | F-score | C_val | G_val |
|---|---|---|---|---|---|---|---|---|---|
| 20 × 20 [1] | 2-class | 42 | 0.9965 | 0.9968 | 99.67 | 0.9958 | 0.9968 | 169.68 | 43.89 |
| 3-class | 44 | 0.9959 | 0.9960 | 99.60 | 0.9958 | 0.9968 | 174.89 | 66.58 | |
| 20 × 20 [1-2] | 2-class | 42 | 0.9971 | 0.9968 | 99.68 | 0.9970 | 0.9967 | 216.8 | 41.59 |
| 3-class | 42 | 0.9961 | 0.9967 | 99.66 | 0.9961 | 0.9969 | 179.18 | 67.96 | |
| 20 × 20 [1-5] | 2-class | 44 | 0.9958 | 0.9959 | 99.58 | 0.9952 | 0.9959 | 189.89 | 41.98 |
| 3-class | 41 | 0.9955 | 0.9961 | 99.59 | 0.9956 | 0.9959 | 172.39 | 67.77 | |
Additionally, to show the efficiency of the proposed work, two fundamental evolutionary algorithms, namely, genetic algorithm (GA) and particle swarm optimization algorithm (PSO) are also combined with KELM. The algorithmic parameters of GA, namely, crossover and mutation rate are fixed as 0.4 and 0.01, respectively. Similarly, the parameters of PSO, namely, the acceleration coefficient and the inertia weight are settled to 2.05 and 1, respectively. The comparison among the three approaches, genetic-based KELM, particle swarm-based KELM, and grasshopper-based KELM is made for classification accuracy and illustrated in Fig. 4. From the figure, it is observed that the performance of the proposed grasshopper-KELM exceeds that of the other two evolutionary approaches.
Fig. 4.
Line chart illustration of the comparison of three methods in terms of classification accuracy (a) for 2 class (b) for 3 class .
Again, Table 6 provides the accuracy (in %) for 2-class (Abnormal and Normal) and 3-class (COVID19, Pneumonia and Normal) obtained for the existing algorithms and proposed algorithm along with the number of sample images used for implementation. From the table, it is evident that the hand-picked features used for the implementation of the proposed algorithm with the conventional techniques are the best performing.
Table 6.
Comparative results with proposed algorithm for 2-Class and 3-Class Accuracy obtained in %ge for different existing techniques and respective size of dataset used.
| Literature | Technique | Number of images (COVID19+Pneumonia + Normal) |
2-Class Accuracy (%) | 3-Class Accuracy (%) |
|---|---|---|---|---|
| Ioannis et al. [8] | VGG19, MobileNet v2 | 224+714+504 | 98.75 | 93.48 |
| Ozturk et al. [9] | DarkNet | 127+500+500 | 98 | 87.02 |
| Togaçar et al. [10] | MobileNetV2, SqueezeNet | 295+98+65 | X | 99.27 |
| Khan et al. [12] | CoroNet | 285+657+310 | 99 | 95 |
| Toraman et al. [14] | Convolutional capsnet | 231+_+1050 (Normal) | 97.24 | X |
| Abbas et al. [15] | DeTraC capsnet | 196+_+_ | X | 95.12 |
| Jain et al. [16] | XCeption Net | 576+4273+1583 | X | 98 |
| Elkorany et al. [17] | COVIDetection-Net | 300+300+300 | 100 | 99.4 |
| Ismael et al. [18] | ResNet50 Features + SVM | 180+_+200 | 94.7 | X |
| Hussain et al. [21] | CoroDet | 500+800+800 | 99.1 | 94.2 |
| Aradhya et al. [22] | GRNN + PNN | 69+158+79 | 100 | 92.49 |
| Chandra et al. [23] | Majority vote based classifier ensemble | 434+434+434 | 98.06 | 93.41 |
| Karakanis et al. [24] | Light weight DNN | 145+145+145 | 98.7 | 98.3 |
| Das et al. [26] | Ensemble learning + CNN | 438 +_+ 333 | 91.62 | X |
| Rahman et al. [28] | U-Net+CNN | 3616+6012+8851 | X | 96.29 |
| Shakarami et al. [29] | CBIR + AlexNet CNN | 400+_+400 | 99.38 | X |
| Proposed Model | 2D-SSA + Block GLCM + Grasshopper based KELM | 460+3418+1266 | 100 | 100 |
5. Conclusion
As the current pandemic situation is progressing, it is expected to deal with the diagnosis of COVID-19 as a priority. The existing CNN algorithm results are implausible for the low number of COVID-19 training samples and high computational complexity involved. Hence, in this paper, an efficient approach based on conventional techniques is proposed for the CXR image classification of COVID-19, Pneumonia and Normal. Here, the 2-D SSA technique is used as a pre-processing technique for the CXR image reconstruction to provide noise-free enhanced features to the classifier. The features of the image are extracted using Block-GLCM, which is a proven adequate method for feature extraction. The features obtained are again optimized and classified using grasshopper-based optimized KELM. A maximum accuracy of 100% is obtained for 2D-SSA with value 5 and the first 2 eigen pixel vectors considered. From the analysis of the obtained results, it could be concluded that the proposed model outperforms the existing DNN models.
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.Kandola A. 2020. Coronavirus cause: Origin and how it spreads. URL: Available: https://www.medicalnewstoday.com/articles/coronavirus-causeshow-dangerous-is-it. [Google Scholar]
- 2.Bloom J.D., Chan Y.A., Baric R.S., Bjorkman P.J., Cobey S., Deverman B.E., Fisman D.N., Gupta R., Iwasaki A., Lipsitch M., et al. Investigate the origins of COVID-19Science (New York, NY) 2021;372(6543):694. doi: 10.1126/science.abj0016. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 3.2021. WHO Coronavirus (COVID-19) dashboard overview data table. Available: https://covid19.who.int/ [Google Scholar]
- 4.Mallett S., Allen A.J., Graziadio S., Taylor S.A., Sakai N.S., Green K., Suklan J., Hyde C., Shinkins B., Zhelev Z., et al. At what times during infection is SARS-CoV-2 detectable and no longer detectable using RT-PCR-based tests? A systematic review of individual participant data. BMC Med. 2020;18(1):1–17. doi: 10.1186/s12916-020-01810-8. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 5.Castiglioni I., Ippolito D., Interlenghi M., Monti C.B., Salvatore C., Schiaffino S., Polidori A., Gandola D., Messa C., Sardanelli F. Artificial intelligence applied on chest X-ray can aid in the diagnosis of COVID-19 infection: A first experience from Lombardy, Italy. MedRxiv. 2020 doi: 10.1101/2020.04.08.20040907. [DOI] [Google Scholar]
- 6.Ulhaq A., Khan A., Gomes D., Pau M. 2020. Computer vision for Covid-19 control: A survey. ArXiv Preprint ArXiv:2004.09420. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 7.Joy S.K.S., Ahmed F., Humaira M., Ami A.S., Paul S., Jim M.A.R.K., Hossain T., Ahmed S., et al. 2020. A comprehensive survey of COVID-19 detection using medical images. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 8.Apostolopoulos I.D., Mpesiana T.A. Covid-19: automatic detection from X-ray images utilizing transfer learning with convolutional neural networks. Phys. Eng. Sci. Med. 2020;43(2):635–640. doi: 10.1007/s13246-020-00865-4. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 9.Ozturk T., Talo M., Yildirim E.A., Baloglu U.B., Yildirim O., Acharya U.R. Automated detection of COVID-19 cases using deep neural networks with X-ray images. Comput. Biol. Med. 2020;121 doi: 10.1016/j.compbiomed.2020.103792. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 10.Toğaçar M., Ergen B., Cömert Z. COVID-19 detection using deep learning models to exploit social mimic optimization and structured chest X-ray images using fuzzy color and stacking approaches. Comput. Biol. Med. 2020;121 doi: 10.1016/j.compbiomed.2020.103805. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 11.Jain G., Mittal D., Thakur D., Mittal M.K. A deep learning approach to detect Covid-19 coronavirus with X-Ray images. Biocybern. Biomed. Eng. 2020;40(4):1391–1405. doi: 10.1016/j.bbe.2020.08.008. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 12.Khan A.I., Shah J.L., Bhat M.M. Coronet: A deep neural network for detection and diagnosis of COVID-19 from chest X-ray images. Comput. Methods Programs Biomed. 2020;196 doi: 10.1016/j.cmpb.2020.105581. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 13.Minaee S., Kafieh R., Sonka M., Yazdani S., Soufi G.J. Deep-covid: Predicting covid-19 from chest X-ray images using deep transfer learning. Med. Image Anal. 2020;65 doi: 10.1016/j.media.2020.101794. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 14.Toraman S., Alakus T.B., Turkoglu I. Convolutional capsnet: A novel artificial neural network approach to detect COVID-19 disease from X-ray images using capsule networks. Chaos Solitons Fractals. 2020;140 doi: 10.1016/j.chaos.2020.110122. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 15.Abbas A., Abdelsamea M.M., Gaber M.M. Classification of COVID-19 in chest X-ray images using detrac deep convolutional neural network. Appl. Intell. 2021;51(2):854–864. doi: 10.1007/s10489-020-01829-7. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 16.Jain R., Gupta M., Taneja S., Hemanth D.J. Deep learning based detection and analysis of COVID-19 on chest X-ray images. Appl. Intell. 2021;51(3):1690–1700. doi: 10.1007/s10489-020-01902-1. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 17.Elkorany A.S., Elsharkawy Z.F. Covidetection-net: A tailored COVID-19 detection from chest radiography images using deep learning. Optik. 2021;231 doi: 10.1016/j.ijleo.2021.166405. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 18.Ismael A.M., Şengür A. Deep learning approaches for COVID-19 detection based on chest X-ray images. Expert Syst. Appl. 2021;164 doi: 10.1016/j.eswa.2020.114054. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 19.Cohen J.P., Morrison P., Dao L., Roth K., Duong T.Q., Ghassemi M. 2020. Covid-19 image data collection: Prospective predictions are the future. ArXiv Preprint ArXiv:2006.11988. [Google Scholar]
- 20.Naudé W. Artificial intelligence vs COVID-19: limitations, constraints and pitfalls. AI Soc. 2020;35(3):761–765. doi: 10.1007/s00146-020-00978-0. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 21.Hussain E., Hasan M., Rahman M.A., Lee I., Tamanna T., Parvez M.Z. Corodet: A deep learning based classification for COVID-19 detection using chest X-ray images. Chaos Solitons Fractals. 2021;142 doi: 10.1016/j.chaos.2020.110495. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 22.Aradhya V.M., Mahmud M., Guru D., Agarwal B., Kaiser M.S. One-shot cluster-based approach for the detection of COVID–19 from chest X–ray images. Cogn. Comput. 2021:1–9. doi: 10.1007/s12559-020-09774-w. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 23.Chandra T.B., Verma K., Singh B.K., Jain D., Netam S.S. Coronavirus disease (COVID-19) detection in chest X- ray images using majority voting based classifier ensemble. Expert Syst. Appl. 2021;165 doi: 10.1016/j.eswa.2020.113909. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 24.Karakanis S., Leontidis G. Lightweight deep learning models for detecting COVID-19 from chest X-ray images. Comput. Biol. Med. 2021;130 doi: 10.1016/j.compbiomed.2020.104181. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 25.Gilanie G., Bajwa U.I., Waraich M.M., Asghar M., Kousar R., Kashif A., Aslam R.S., Qasim M.M., Rafique H. Coronavirus (COVID-19) detection from chest radiology images using convolutional neural networks. Biomed. Signal Process. Control. 2021;66 doi: 10.1016/j.bspc.2021.102490. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 26.Das A.K., Ghosh S., Thunder S., Dutta R., Agarwal S., Chakrabarti A. Automatic COVID-19 detection from X-ray images using ensemble learning with convolutional neural network. Pattern Anal. Appl. 2021:1–14. [Google Scholar]
- 27.Tabik S., Gómez-Ríos A., Martín-Rodríguez J.L., Sevillano-García I., Rey-Area M., Charte D., Guirado E., Suárez J.L., Luengo J., Valero-González M., et al. COVIDGR Dataset and COVID-sdnet methodology for predicting COVID-19 based on chest X- ray images. IEEE J. Biomed. Health Inf. 2020;24(12):3595–3605. doi: 10.1109/JBHI.2020.3037127. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 28.Rahman T., Khandakar A., Qiblawey Y., Tahir A., Kiranyaz S., Kashem S.B.A., Islam M.T., Al Maadeed S., Zughaier S.M., Khan M.S., et al. Exploring the effect of image enhancement techniques on COVID-19 detection using chest X-ray images. Comput. Biol. Med. 2021;132 doi: 10.1016/j.compbiomed.2021.104319. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 29.Shakarami A., Menhaj M.B., Tarrah H. Diagnosing COVID-19 disease using an efficient CAD system. Optik. 2021 doi: 10.1016/j.ijleo.2021.167199. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 30.López-Cabrera J.D., Orozco-Morales R., Portal-Diaz J.A., Lovelle-Enríquez O., Pérez-Díaz M. Current limitations to identify COVID-19 using artificial intelligence with chest X-ray imaging. Health Technol. 2021;11(2):411–424. doi: 10.1007/s12553-021-00520-2. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 31.Haralick R.M., Shanmugam K., Dinstein I.H. Textural features for image classification. IEEE Trans. Syst. Man Cybern. 1973;(6):610–621. [Google Scholar]
- 32.Mohanty F., Rup S., Dash B., Majhi B., Swamy M. Digital mammogram classification using 2D-BDWT and GLCM features with FOA-based feature selection approach. Neural Comput. Appl. 2019:1–15. [Google Scholar]
- 33.Goyal B., Agrawal S., Sohi B. Noise issues prevailing in various types of medical images. Biomed. Pharmacol. J. 2018;11(3):1227. [Google Scholar]
- 34.Mirjalili S.Z., Mirjalili S., Saremi S., Faris H., Aljarah I. Grasshopper optimization algorithm for multi-objective optimization problems. Appl. Intell. 2018;48(4):805–820. [Google Scholar]
- 35.Huang G.-B., Wang D.H., Lan Y. Extreme learning machines: A survey. Int. J. Mach. Learn. Cybern. 2011;2(2):107–122. [Google Scholar]
- 36.Wang L., Lin Z.Q., Wong A. Covid-net: A tailored deep convolutional neural network design for detection of COVID-19 cases from chest X-ray images. Sci. Rep. 2020;10(1):1–12. doi: 10.1038/s41598-020-76550-z. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 37.et al. C. 2020. Figure 1 COVID-19 chest X-ray dataset initiative. URL : Available: https://github.com/agchung/Figure1-COVIDchestxray-dataset. [Google Scholar]
- 38.2019. Radiological society of North America. RSNA pneumonia detection challenge. URL : Available: https://www.kaggle.com/c/rsnapneumonia-detection-challenge/data. [DOI] [PubMed] [Google Scholar]
- 39.Mohanty F., Rup S., Dash B., Majhi B., Swamy M. An improved scheme for digital mammogram classification using weighted chaotic salp swarm algorithm-based kernel extreme learning machine. Appl. Soft Comput. 2020;91 [Google Scholar]




