[BACK]
Computers, Materials & Continua
DOI:10.32604/cmc.2021.015541
images
Article

Classification of COVID-19 CT Scans via Extreme Learning Machine

Muhammad Attique Khan1, Abdul Majid1, Tallha Akram2, Nazar Hussain1, Yunyoung Nam3,*, Seifedine Kadry4, Shui-Hua Wang5 and Majed Alhaisoni6

1Department of Computer Science, HITEC University, Taxila, 47040, Pakistan
2Department of Electrical Engineering, COMSATS University Islamabad, Wah Campus, Wah Cantt, Pakistan
3Department of Computer Science and Engineering, Soonchunhyang University, Asan, Korea
4Department of Mathematics and Computer Science, Faculty of Science, Beirut Arab University, Lebanon
5Department of Mathematics, University of Leicester, Leicester, UK
6College of Computer Science and Engineering, University of Ha’il, Ha’il, Saudi Arabia
*Corresponding Author: Yunyoung Nam. Email: ynam@sch.ac.kr
Received: 26 November 2020; Accepted: 23 January 2021

Abstract: Here, we use multi-type feature fusion and selection to predict COVID-19 infections on chest computed tomography (CT) scans. The scheme operates in four steps. Initially, we prepared a database containing COVID-19 pneumonia and normal CT scans. These images were retrieved from the Radiopaedia COVID-19 website. The images were divided into training and test sets in a ratio of 70:30. Then, multiple features were extracted from the training data. We used canonical correlation analysis to fuse the features into single vectors; this enhanced the predictive capacity. We next implemented a genetic algorithm (GA) in which an Extreme Learning Machine (ELM) served to assess GA fitness. Based on the ELM losses, the most discriminatory features were selected and saved as an ELM Model. Test images were sent to the model, and the best-selected features compared to those of the trained model to allow final predictions. Validation employed the collected chest CT scans. The best predictive accuracy of the ELM classifier was 93.9%; the scheme was effective.

Keywords: Coronavirus; classical features; feature fusion; feature optimization; prediction

1  Introduction

The novel coronavirus pandemic disease that appeared in China has rapidly spread worldwide [1]. The World Health Organization (WHO) termed the disease caused by the virus COVID-19 on February 1, 2020 [2]. COVID-19 spread from Wuhan, China, to become a major global health problem [3]. The WHO has recorded 86,806 confirmed cases of COVID-19 in China, and 4634 deaths to date (16th December 2020) [4]. Many members of the coronavirus family cause disease. The virus that causes COVID-19 is termed the severe acute respiratory syndrome coronavirus 2 (SARS-CoV-2) [5]. The common symptoms of COVID-19 are fever and cough, and sometimes headache and fatigue [6]. The COVID-19 virus was first discovered in humans in 2019 and spread rapidly in respiratory droplets [7].

To date (19th December 2020), there are 76,186,444 confirmed COVID-19 cases worldwide, with 1,684,864 deaths, according to WHO. It shows that the global mortality rate is 6.9%. The USA’s confirmed COVID-19 cases are 17,899,267 and 321,025 deaths, which is top of the list in the world. Confirmed COVID-19 cases in India are 10,013,478, Brazil are 7,163,912, Russia are 2,819,429, France are 2,442,990, Turkey are 1,982,090, and UK are 1,977,167, respectively. In these countries, the number of deaths are 145,298, 185,687, 50,347, 60,229, 17,610, and 66,541, respectively to date (19th December 2020). And these cases are increasing day by day. Italy is another highly affecting country by this virus, and the positive reported cases are 1,921,778, and total deaths are 67,894. The Asian countries such as India is on the top, which is highly affected by this virus. In Pakistan, this rate is much slower as compared to other Asian Countries.

COVID-19 poses a major healthcare problem worldwide [8,9]. Early detection of infected patients would be helpful [10]. Many computer-aided diagnostic (CAD) systems allow physicians to recognize the stomach [11], lungs [12], and brain cancer [13], and COVID [14] infections. The existing COVID detection methods are slow and expensive. It is possible to use machine-learning algorithms to identify diseased lungs on computed tomography (CT) images. Most such algorithms feature supervised machine-learning. CAD systems automatically extract textural [15], geometric [16], and deep [17] features of chest CT images. However, not all extracted features are useful; higher-dimensionality data render diagnoses slow and compromise the results. Many medical researchers seek to develop feature selection methods [18] that transform high-dimensional features into simpler components. The algorithms select robust features and remove irrelevant information [19]. A robust feature set enhances CAD system performance in terms of both accuracy and time. The many methods of optimal feature selection include entropy-based approaches [20], Particle Swarm Optimization (PSO), and the so-called Grasshopper, and genetic algorithms (GAs) [21], to name a few [22]. In this work, we presented an automated technique for COVID19 classification using CT images. Our major contributions in this work are in the following steps: (i) Multi properties features are extracted in different directions from the CT images; (ii) Employed a parallel canonical correlation analysis approach for features fusion; (iii) GA is implemented for the best features selection, and (iv) ELM based classify the selected features.

The rest of the manuscript is organized as follows: The existing relevant studies are discussed in Section 2 (related work). The proposed methodology is described in Section 3, which includes dataset preparation, features fusion, and selection. Section 4 represents the experimental results, and finally, analysis and conclusion are presented in Section 5.

2  Related Work

Recently, COVID-19 patients have been diagnosed by reference to their X-ray and CT images using computer vision (CV)-based machine-learning algorithms, principally, supervised learning and deep learning (DL) techniques. Apostolopoulos et al. [23] subjected X-ray image datasets to transfer learning using different convolutional neural network (CNN) models and evaluated their technique with the aid of two datasets that contained confirmed COVID-19, bacterial pneumonia, and normal cases. The maximum accuracies achieved by MobileNet V2 [24] were 96.78% (two-class) and 94.72% (three-class). Li et al. [25] developed a novel DL model (COVNet) to detect COVID-19 in chest CT images; the sensitivity was 90% and the specificity 96%. Shan et al. [26] implemented a neural network-based VB-Net model for segmentation of COVID-19-infected regions in CT images. The Dice similarity was 91.6±10.0%. Tsiknakis et al. [27] explored the uncertainties of DL models used to detect COVID-19 in chest X-ray images. Uncertainty was estimated via transfer learning using a Bayesian DL classifier. Narin et al. [28] used three CNN models (ResNet50, Inception-ResNetV2, and InceptionV3) to identify COVID-19 patients employing chest X-ray images. ResNet50 performed best (98% classification accuracy; the figures for InceptionV3 and Inception-ResNetV2 were 97% and 87% respectively). In [29], a DL based COVIDX-Net was used for automatic detection of COVID-19 in X-ray images. The model employed seven CNN models including VGG19, DenseNet201, InceptionV3, ResNetV2, InceptionResNetV2, Xception, and MobileNetV2. The F1 scores of VGG19 and DenseNet201 were 0.91. A segmentation technique [30] has been used to identify lung regions infected by COVID-19. During pre-processing, CT images were enhanced using the Firefly Algorithm (FA) applying the guided Shannon Entropy (SE) thresholding method. The enhanced images were segmented employing the Markov Random Field (MRF) method. The segmentation accuracy exceeded 92%. Wang et al. [31] proposed a DL-based method to predict COVID-19 disease in CT images. The cited authors fine-tuned a modified Inception architecture and extracted CNN features for classification. The accuracy was 82.9% and the area under the curve (AUC) 0.90. Jaiswal et al. [32] extracted various textural features including the Local Directional Pattern (LDP), the Grey Level Co-occurrence Matrix (GLCM), the Gray Level Run Length Matrix (GLRLM), the Discrete Wavelet Transform (DWT), and the Grey Level Size Zone Matrix (GLSZM). The GLSZM afforded the highest accuracy of 99.68% when a support vector machine (SVM) classifier was employed. All of hybrid feature selection [33], a fuzzy approach with DL [34], a transfer learning-based method [35], and other approaches [36], have been described. In summary, these methods are tried to improve the classification accuracy but the main issue is availability of dataset. These methods are trained through classical techniques because of low dimensional datasets. In this work, we employed 58 patients’ data and train a deep learning model instead of classical techniques.

3  Proposed Methodology

We develop automated prediction of positive COVID-19 pneumonia cases using CT scans. The positive cases are labeled via RT-PCR testing. The scheme features four steps. First, a database was prepared by collecting COVID-19 pneumonia-positive chest CT scans and normal scans from the Radiopaedia COVID-19 website (https://radiopaedia.org/cases). Next, the images were divided into training and test sets. Several features (the Dynamic Average LBP, the SFTA, the DWT, and the Reyni Entropy) were extracted from the training data. We used canonical correlation analysis (CCA) to fuse the features into single vectors; this enhanced the predictive power. We next implemented a GA using the fused feature vectors. The ELM classifier served as the GA fitness function. We used ELM loss to select the most discriminatory features and saved them as an ELM Model. Next, the test images were evaluated and the best-selected features compared to those of the trained model in terms of final predictions. A flow chart is shown in Fig. 1; 60% of the images were used to train the ELM Model and the remainder for testing.

images

Figure 1: A proposed architecture for prediction of COVID-19 positive chest CT scans using improved genetic algorithm based features selection

3.1 Database Assembly

All images (58 patients) were collected from the Radiopaedia COVID-19 website. We downloaded data on 30 patients with COVID-19 pneumonia confirmed via RT-PCR. We gathered 3,000 COVID pneumonia-positive images and 2,500 control images (Fig. 2). All images were resized to 512×512 pixels. Case 2 was contributed by Dr. Chung et al. (https://radiopaedia.org/cases/covid-19-pneumonia-2), Case 3 by Dr. Bahman (https://radiopaedia.org/cases/covid-19-pneumonia-3), Case 4 by Dr. Bahman (https://radiopaedia.org/cases/covid-19-pneumonia-4), Case 7 by Dr. Domineco (https://radiopaedia.org/cases/covid-19-pneumonia-7), and Case 12 by Dr. Fabio (https://radiopaedia.org/cases/covid-19-pneumonia-12), among others.

images

Figure 2: Sample images of COVID-19 positive and normal chest CT scans

3.2 Extraction of Classical Features

In terms of pattern recognition and machine-learning, features play pivotal roles in object representation. Many feature selection techniques for medical images are available [37]. However, some methods are better than others. Classical features are favored when data are lacking. We could not train an advanced machine-learning model such as a CNN; therefore, we extracted three features (the Dynamic Average LBP, the SFTA, and the DWT), and Entropy, as described below.

3.2.1 Dynamic Average LBP

Dynamic Average LBP (DALBP) features are modifications of the original LBP features; averages are used rather than central values. As in the original LBP [38], the principal value is replaced by neighboring values based on a threshold but, in the improved version, an average value is computed based on the dynamic window size. First, we examined the original LBP features. Assume that ξ(x,y) is an original chest CT image of dimensions 512×512, and ξ(x,y)d. Consider the ξ={ξ1,ξ2,ξ3,,ξN} input images and their labels l={l1,l2,,lN}. For image ξ(x,y), the LBP binary code is defined as follows:

ψX,r=n=0n-1s(pn-pc)2n (1)

s(v)={1,v00,v<0 (2)

where pc denotes the central pixel value, pn the neighbor pixel values of pc, r the radius, and X the total number of neighbors. Suppose the central coordinates are pc=(0,0); those of pn are then:

pn=(rCos(2πnN),rSin(2πnN))(3)

As the image dimensions are 512×512, an LBP code histogram is computed as follows:

h(k)=i=1Mj=1f(ψX,r(i,j),k) (4)

f(u,v)={1u=v0Otherwise (5)

where k[1,2,3,,K] represents the maximal LBP code value. As for the DALBP, we employ the averages of two 3×3 windows, not the central pixel value. For each 3×3 block, the average value is replaced by the neighboring pixels.

Consider an image of dimensions 512×512 and divide it into 18 overlapping blocks [39] that are each then further divided into two equal blocks (9-bit vectors in each block). Next, compute the averages and extract the binary bits as follows:

ϕ(x1,t)={0,x1-t<01,x1-t0(6)

where ϕ is the “Signum” function and (x1,t) are the parameters of ϕ. This calculates the binary features. From each block, 8 bits are computed because execution runs from 1 to 9, where 9 denotes the bit vectors of a block. Later, these binary bits (both blocks) are converted into decimals, as follows:

Db1(i)=k=1BBb1(k)×2B-k (7)

Db2(i)=k=1BBb2(k)×2B-k (8)

where B denotes the bit vector length (8 in this work), b1 denotes block 1, b2 denotes block 2, the Db1(i) are the decimal values of the block 1 bits, and the Db3(i) the decimal values of the block 2 bits. Finally, a histogram is built employing Db1(i) and Db2(i) with the aid of Eqs. (4) and (5). The length of each histogram is 256. Then, the values of both histograms are concatenated into single vectors to yield the final DALBP features:

H(h1,h2)=(h1h2)(9)

where the length of each final feature vector [H(h1,h2)] is N×512 (N is the number of training images used for feature extraction).

3.2.2 SFTA Features

SFTA features, also termed textural features, are also used to extract discriminatory information. In the medical context, SFTA features are often used to describe organs. The principal textural descriptor is the GLCM, but the use thereof is very time-consuming. We used accurate SFTA features that can be rapidly extracted [40]. An image is initially decomposed into a binary image via two-threshold segmentation:

Tth(u,v)={1ifLb<ξ(x,y)L0Otherwise(10)

where Lb denotes the lower bound of the threshold, Lǔ the upper bound, and Tth(u,v) the binary image. The SFTA feature vector is constructed in fractal dimensions as follows:

δ(u,v)={1if(u,v)Ψ8(u,v):Tth(u,v)=0Tth(u,v)=10,Otherwise(11)

where Ψ8 denotes the set of pixels that are 8-connected to (u,v). Hence, after binary box-counting, we obtain a textural feature vector of dimensions N×21.

3.2.3 DWT and Entropy

Discrete Wavelet Transform (DWT) is a well-known type of feature extraction that analyzes images at various scales and resolutions [41]. Let g(x) be a continuous square-integral function. Mathematically, this is:

Wφ(s1,s2)=-+g(x)φs1,s2(x)dx (12)

φs1,s2(x)=1s1φ(x-s2s1)s1+ve,s2 (13)

where s1 and s2 are the scale and translation parameters of a real-valued φ. A discrete variation of Eq. (13) can be ensured by limiting s1 and s2 to a discrete lattice with s1 = 2j and s2 = 2jk. Mathematically, this is:

DWg(n)={Aj,kc(n)=ng(n)Fj*(n-2jk)Dj,kc(n)=ng(n)Ej*(n-2jk)(14)

where Aj,kc(n) is the coefficient of the approximation component, Dj,kc(n) the coefficient of the detail component, and Fj* and Ej* the low- and high-pass coefficient filters. More detail is given in [41]. The discrete coefficient components DWg(n) employ the Renyi entropy for final feature extraction. Mathematically, the Renyi entropy is:

Eαh(DW)=11-αlog(i=1npiα(DWg(n)))(15)

The Renyi entropy feature vector is computed in row coefficients; the output vector is of dimensions N×512. Entropy replaces the zero and negative features with positive values.

3.3 Feature Fusion

All extracted features were fused employing canonical correlation analysis (CCA) [42]. The purpose was to enhance the learning capacity of each feature vector in terms of correct predictions of COVID-19-positive chest scans and normal scans. Suppose that ϒ1Rr×n, ϒ2Rq×n, and ϒ3Rs×n are three feature vectors extracted using the DALBP, SFTA, and DWT-plus-Entropy approaches, respectively. The dimensions are N×512, N×21, and N×512, respectively. Let ΔxxRr×n, ΔyyRp×n, and ΔzzRs×n represent the covariance matrices of ϒ1, ϒ2, and ϒ3 respectively. Also, let ΔxyRr×q, ΔyzRp×s, and ΔxzRr×s represent the between-sets covariance matrices. We consider ϒ1 and ϒ3 when computing the between-set covariance:

S=(Cov(ϒ1)Cov(x,z)Cov(z,ϒ1)Cov(z))=(ΔxxΔxzΔzxΔzz)(16)

where Δzx=ΔxzT and the overall covariance matrix is SR(r+s)×(r+s). CCA seeks to compute linear combinations ϒ1*=WxTϒ1 and ϒ3*=WzTϒ3 that maximize the pairwise correlations between two feature vectors as:

Corr(ϒ1*,ϒ3*)=Cov(ϒ1*,ϒ3*)Var(ϒ1*).Var(ϒ3*) (17)

Cov(ϒ1*,ϒ3*)=WxTΔxzWz (18)

Var(ϒ1*)=WxTΔxxWx

Var(ϒ3*)=WzTΔzzWxz

Next, Lagrange multipliers are used to solve the maximization problem between ϒ1* and ϒ3*; the following condition is satisfied:

Var(ϒ1*)=Var(ϒ3*)=1(19)

Finally, the transformed features are combined as follows:

Φ=(ϒ1*ϒ3*) (22)

=(Wϒ100Wϒ3T)(ϒ1ϒ3) (23)

Φ=(Wϒ1Wϒ3T)(ϒ1ϒ3)=ϒ1*+ϒ3*

where Φ denotes the CCA fused vector. The process is repeated for ϒ2. Finally, we obtain a fused CCA vector of dimensions N×776 (in this work; the dimensions vary by the dataset).

3.4 Feature Selection

Feature selection involves selection of the best subset of input feature vectors based on a defined criterion. Use of a best subset improves learning and predictive accuracy, and reduces the computational time. We implemented a GA and an ELM fitness function. Most researchers use the Fine KNN and SVM for fitness calculations; however, we believe that the ELM is more efficient. The GA is Algorithm 1. The initial population size is 100, the number of iterations 1,000, the crossover rate (ψcr) 0.4, the mutation rate (ψmr) 0.01, and the selection pressure (β) 5. In Step 2, ELM-based fitness is calculated for K-Fold=5 and Eloss=|NetworkOutput-OriginalLabel|. In Step 3, the selection is performed via a Roulette Wheel that follows the crossover and mutational steps. Step 2 is repeated until the desired accuracy is attained. The final robust vector is denoted Φfs(i) of dimensions N×K (here, K=426, this the length of the final feature vector).

images

3.5 The Extreme Learning Machine (ELM)

Given a robust feature vector after GA and appropriate labeling {(Φi,li)ΦiRd,liRm, i=1,2,3,,N} (where Φi denotes the selected features and li the target labels), the input features (weights) and target outputs that minimize the error [43] are defined as:

(25) minβHlβ-O^FN2 (24)

Hl={Oij(.)}N×LwithOij(.)=O(wj.Φi+bj) (26)

where Hl denotes the hidden-layer, output weight matrix; O^ the target output; .FN2 the Frobenius Norm; L the hidden nodes; β the weight matrix; O(.) the activation function; and wj,bj the weight and bias matrices for the jth node. The output weight matrix β is solved as follows:

β^=Hl̃.O^(27)

Hl̃ is the generalized inverse of Hl. Next, regularization is used to minimize the training error:

minβ12Hlβ-O^FN2+12βFN2(28)

where is the the tradeoff between the training error and the norm of the output weight. The error between O^ and a target label l is:

Error=|O^-l|(29)

Based on this error, l = 1 and l = −1 are the outputs. l = 1 indicates COVID-19 pneumonia and l = −1 a healthy lung. The model is trained using 60% of the data and the test images then passed to the scheme to select the best features, The chosen features are compared to those of the trained ELM classifier and the predictive outputs are both labels and numerical values. A few labeled images are shown in Fig. 3; these are predictions made during ELM testing.

images

Figure 3: Proposed prediction results of ELM during the testing step

4  Experimental Setup and Results

We used publicly available chest CT images (Section 3.1). We extracted DALBP, SFTA, and DWT-plus-Entropy features, fused them using the CCA approach, employed a GA to select robust features, and delivered these to the ELM classifier for final predictions. We compared ELM performance to those of Logistic Regression, Q-SVM, Fine Gaussian, Fine Tree, and Cubic KNN in terms of accuracy, Precision, Recall, Specificity, and the F1 score. We used an Intel Core i7 8th generation CPU equipped with 16 GB of RAM and 8 GB of GPU running MATLAB 2019b software. We took a 60–40 approach with 10-fold cross-validation during both training and testing.

4.1 Results and Discussion

The predictions are presented in numerical form and as bar graphs. We explored the accuracies afforded by DALBP, SFTA, and DWT-plus-Entropy features; CCA fusion accuracy; and GA accuracy. For the DALBP features (Tab. 1) the highest accuracy was 84.52% using the Quadratic SVM classifier; the figure for the ELM classifier was 82.30%. The linear and Naïve Bayes accuracies were 82.42 and 81.49%. The accuracies were 80.20%, 81.21%, 80.14%, 81.63%, 79.38%, 81.52%, 78.12%, 79.68%, 80.72% and 76.71% respectively. For the SFTA textural features (Tab. 1), the accuracies were lower than the DALBP figures. The highest accuracy was 78.95%, and the accuracies afforded by the other listed classifiers were 75.27%, 73.78%, 71.62%, 71.96%, 77.52%, 75.06%, 72.94%, 77.52%, 74.22%, 74.36%, 79.42%, 73.21%, and 76.13% respectively. For the DWT-plus-Entropy features, the maximum accuracy was 82.60% (Naïve Bayes), higher than any SFTA figure. Thus, the DALBP features were optimal.

Table 1: Prediction accuracy of COVID-19 pneumonia and normal cases using separate features without fusion and selection

images

The CC-based fusion approach was then employed for prediction. The ELM classifier was best: 92.8% accuracy, 93.81% precision, 94% specificity, and an F1 score of 0.93. The worst classifier was the EBT (86.1% accuracy). All results are shown in Tab. 2. The classifier accuracies were 92.7%, 92.6%, 92.2%, 92.2%, 91.5%, 90.8%, 90.6%, 90.3%, 90.2%, 90.2%, 89.8%, 89.7%, and 86.1%. Thus, CCA-based fusion improved accuracy by about 10%. The fusion accuracies of ELM and LSVM are shown in Fig. 4 (a confusion matrix).

Table 2: Proposed prediction results of multi-type features fusion

images

images

Figure 4: Confusion matrix of LSVM and ELM after multi-type features fusion

We used an improved GA to select the best features for final prediction (Section 3.4 and Algorithm 1). The predictive performances of several classifiers are shown in Tab. 3. All improved after implementation of feature selection. The ELM classifier was robust (accuracy 93.9%, precision 93.14%, specificity 95%, recall 94%, and F1 Score 0.94) The next best classifier was the linear SVM (LSVM) (93.4% accurate). Fig. 5 shows the ELM/Linear SVM confusion matrix; feature fusion and selection improved performance. Fig. 6 shows the receiver-operator curves for prediction of healthy and COVID-19 pneumonia CT images; the AUCs were verified. In summary, selection of the best features afford excellent prediction of COVID-positive and normal chest CT scans.

Table 3: Proposed prediction results after best features selection using improved genetic algorithm and ELM

images

images

Figure 5: Confusion matrix of LSVM and ELM after best features selection using improved genetic algorithm

images

Figure 6: Representation of ELM performance based on ROC plots

5  Analysis and Conclusion

Tab. 1 shows the predictive accuracies of various features prior to fusion and selection. The highest accuracies were 84.52, 78.95, and 82.60 for the DALBP, SFTA, and DWT-plus-Entropy features. After CCA-mediated fusion, the figures rose by 10%. The highest accuracy after fusion was 92.5% (Tab. 2). Accuracy was further improved by selection (Tab. 3 and Figs. 5 and 6). We analyzed the utility of selection by calculating standard errors of the mean (SEMs) (Tab. 4) for the ELM and the other three top classifiers. The minimum accuracy of ELM after 100 iterations was 92.76% and the highest accuracy 93.90%; the SEM was 0.4040. Thus, a minor change occurred after execution. The error bars (Fig. 7) are based on the SEMs and confidence levels; the scheme is scalable.

Table 4: Analysis of proposed selection features based prediction accuracy on ELM and three other top classifiers

images

images

Figure 7: Confidence interval of ELM after best features selection using improved GA

It is clear that fusion of multi-type features is valuable. This increases the number of predictors and enhances predictive accuracy. However, a few irrelevant features were added; if these are removed, accuracy is not compromised. Removal was effected via feature selection. We used an improved GA and an ELM to select the best features and improve predictive accuracy. In future work, we will seek a more efficient feature selection algorithm to improve accuracy further. Moreover, we will seek to build a larger image dataset that we will use to train a CNN.

Funding Statement: This research was supported by Korea Institute for Advancement of Technology (KIAT) grant funded by the Korea Government (MOTIE) (P0012724, The Competency Development Program for Industry Specialist) and the Soonchunhyang University Research Fund.

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

References

  1. N. Zhu, D. Zhang, W. Wang, X. Li, B. Yang et al. (2020). , “A novel coronavirus from patients with pneumonia in China,” 2019 New England Journal of Medicine, vol. 328, no. 8, pp. 727–723.
  2. A. E. Gorbalenya, S. C. Baker, R. Baric, R. J. d. Groot, C. Drosten et al. (2020). , “Severe acute respiratory syndrome-related coronavirus: The species and its viruses-a statement of the Coronavirus Study Group,”.
  3. K. Roosa, Y. Lee, R. Luo, A. Kirpich, R. Rothenberg et al. (2020). , “Real-time forecasts of the COVID-19 epidemic in China from february 5th to february 24th,” 2020 Infectious Disease Modelling, vol. 5, no. 5, pp. 256–26
  4. C. Sohrabi, Z. Alsafi, N. O’Neill, M. Khan, A. Kerwan et al. (2020). , “World health organization declares global emergency: A review of the 2019 novel coronavirus (COVID-19),” International Journal of Surgery, vol. 76, pp. 71–76.
  5. S. B. Stoecklin, P. Rolland, Y. Silue, A. Mailles, C. Campese et al. (2020). , “First cases of coronavirus disease 2019 (COVID-19) in France: Surveillance, investigations and control measures, January 2020,” Eurosurveillance, vol. 25, pp. 2000094.
  6. W. Wang, J. Tang and F. Wei. (2020). “Updated understanding of the outbreak of 2019 novel coronavirus (2019-nCoV) in Wuhan,” China Journal of Medical Virology, vol. 92, no. 4, pp. 441–447.
  7. L. Brunese, F. Mercaldo, A. Reginelli and A. Santone. (2020). “Explainable deep learning for pulmonary disease and coronavirus COVID-19 detection from X-rays,” Computer Methods and Programs in Biomedicine, vol. 196, no. 20, pp. 105608.
  8. D. Dansana, R. Kumar, A. Bhattacharjee, D. J. Hemanth, D. Gupta et al. (2020). , “Early diagnosis of COVID-19-affected patients based on X-ray and computed tomography images using deep learning algorithm,” Soft Computing, vol. 5, pp. 1–9.
  9. A. Ulhaq, J. Born, A. Khan, D. P. S. Gomes, S. Chakraborty et al. (2020). , “Covid-19 control by computer vision approaches: A survey,” IEEE Access, vol. 8, pp. 179437–179456.
  10. A. Gupta, S. Gupta and R. Katarya. (2020). “InstaCovNet-19: A deep learning classification model for the detection of COVID-19 patients using Chest X-ray,” Applied Soft Computing, vol. 4, pp. 106859.
  11. M. A. Khan, M. S. Sarfraz, M. Alhaisoni, A. A. Albesher, S. Wang et al. (2020). , “StomachNet: Optimal deep learning features fusion for stomach abnormalities classification,” IEEE Access, vol. 8, pp. 197969– 197981.
  12. M. A. Khan, S. Rubab, A. Kashif, M. I. Sharif, N. Muhammad et al. (2020). , “Lungs cancer classification from CT images: An integrated design of contrast based classical features fusion and selection,” Pattern Recognition Letters, vol. 129, pp. 77–85.
  13. M. A. Khan, I. Ashraf, M. Alhaisoni, R. Damaševičius, R. Scherer et al. (2020). , “Multimodal brain tumor classification using deep learning and robust feature selection: A machine learning application for radiologists,” Diagnostics, vol. 10, no. 8, pp. 565.
  14. L. Lan, C. Ye, C. Wang and S. Zhou. (2019). “Deep convolutional neural networks for WCE abnormality detection: CNN architecture, region proposal and transfer learning,” IEEE Access, vol. 7, pp. 30017–30032.
  15. V. Murugappan and R. Sabeenian. (2019). “Texture based medical image classification by using multi-scale gabor rotation-invariant local binary pattern (MGRLBP),” Cluster Computing, vol. 22, no. S5, pp. 10979–10992.
  16. M. Sharif, M. Attique Khan, M. Rashid, M. Yasmin, F. Afza et al. (2019). , “Deep CNN and geometric features-based gastrointestinal tract diseases detection and classification from wireless capsule endoscopy images,” Journal of Experimental & Theoretical Artificial Intelligence, vol. 3, pp. 1–23.
  17. A. Mahbod, G. Schaefer, I. Ellinger, R. Ecker, A. Pitiot et al. (2019). , “Fusing fine-tuned deep features for skin lesion classification,” Computerized Medical Imaging and Graphics, vol. 71, no. 4, pp. 19–29.
  18. M. A. Khan, M. A. Khan, F. Ahmed, M. Mittal, L. M. Goyal et al. (2020). , “Gastrointestinal diseases segmentation and classification based on duo-deep architectures,” Pattern Recognition Letters, vol. 131, pp. 193–204.
  19. M. I. Sharif, J. P. Li, M. A. Khan and M. A. Saleem. (2020). “Active deep neural network features selection for segmentation and recognition of brain tumors using MRI images,” Pattern Recognition Letters, vol. 129, no. 10, pp. 181–189.
  20. M. A. Khan, T. Akram, M. Sharif, A. Shahzad, K. Aurangzeb et al. (2018). , “An implementation of normal distribution based segmentation and entropy controlled features selection for skin lesion detection and classification,” BMC Cancer, vol. 18, no. 1, pp. 638.
  21. A. Majid, M. A. Khan, M. Yasmin, A. Rehman, A. Yousafzai et al. (2020). , “Classification of stomach infections: A paradigm of convolutional neural network along with classical features fusion and selection,” Microscopy Research and Technique, vol. 83, no. 5, pp. 562–576.
  22. M. A. Khan, M. I. Sharif, M. Raza, A. Anjum, T. Saba et al. (2019). , “Skin lesion segmentation and classification: A unified framework of deep neural network features fusion and selection,” Expert Systems, vol. 3, pp. e12497.
  23. I. D. Apostolopoulos and T. A. Mpesiana. (2020). “Covid-19: Automatic detection from x-ray images utilizing transfer learning with convolutional neural networks,” Physical and Engineering Sciences in Medicine, vol. 43, no. 2, pp. 1.
  24. A. G. Howard, M. Zhu, B. Chen, D. Kalenichenko, W. Wang et al. (2017). , “Mobilenets: Efficient convolutional neural networks for mobile vision applications,” arXiv preprint arXiv: 1704.04861.
  25. L. Li, L. Qin, Z. Xu, Y. Yin, X. Wang et al. (2020). , “Artificial intelligence distinguishes COVID-19 from community acquired pneumonia on chest CT,” Radiology, vol. 296, no. 2.
  26. F. Shan, Y. Gao, J. Wang, W. Shi, N. Shi et al. (2020). , “Lung infection quantification of covid-19 in ct images with deep learning,” arXiv preprint arXiv: 2003.04655.
  27. N. Tsiknakis, E. Trivizakis, E. E. Vassalou, G. Z. Papadakis, D. A. Spandidos et al. (2020). , “Interpretable artificial intelligence framework for COVID-19 screening on chest X-rays,” Experimental and Therapeutic Medicine, vol. 20, no. 2, pp. 727–735.
  28. A. Narin, C. Kaya and Z. Pamuk. (2020). “Automatic detection of coronavirus disease (covid-19) using X-ray images and deep convolutional neural networks,” arXiv preprint arXiv: 2003.10849.
  29. E. E. D. Hemdan, M. A. Shouman and M. E. Karar. (2020). “Covidx-net: A framework of deep learning classifiers to diagnose covid-19 in x-ray images,” arXiv preprint arXiv: 2003.11055.
  30. V. Rajinikanth, S. Kadry, K. P. Thanaraj, K. Kamalanand and S. Seo. (2020). “Firefly-algorithm aupported scheme to detect COVID-19 lesion in lung CT scan images using shannon entropy and markov-random-field,” arXiv preprint arXiv: 2004.09239.
  31. S. Wang, B. Kang, J. Ma, X. Zeng, M. Xiao et al. (2020). , “A deep learning algorithm using CT images to screen for Corona Virus Disease (COVID-19),” MedRxiv, vol. 57, no. 7, pp. 1451.
  32. A. Jaiswal, N. Gianchandani, D. Singh, V. Kumar and M. Kaur. (2020). “Classification of the COVID-19 infected patients using DenseNet201 based deep transfer learning,” Journal of Biomolecular Structure and Dynamics, pp. 1–8.
  33. W. M. Shaban, A. H. Rabie, A. I. Saleh and M. Abo-Elsoud. (2020). “A new COVID-19 patients detection strategy (CPDS) based on hybrid feature selection and enhanced KNN classifier,” Knowledge-Based Systems, vol. 205, no. 1, pp. 106270.
  34. W. M. Shaban, A. H. Rabie, A. I. Saleh and M. Abo-Elsoud. (2020). “Detecting COVID-19 patients based on fuzzy inference engine and deep neural network,” Applied Soft Computing, vol. 99, no. 1, pp. 106906.
  35. M. J. Horry, S. Chakraborty, M. Paul, A. Ulhaq, B. Pradhan et al. (2020). , “COVID-19 detection through transfer learning using multimodal imaging data,” IEEE Access, vol. 8, pp. 149808–149824.
  36. M. F. Aslan, M. F. Unlersen, K. Sabanci and A. Durdu. (2020). “CNN-based transfer learning-BiLSTM network: A novel approach for COVID-19 infection detection,” Applied Soft Computing, vol. 98, no. 1, pp. 106912.
  37. A. Rehman, M. A. Khan, Z. Mehmood, T. Saba, M. Sardaraz et al. (2020). , “Microscopic melanoma detection and classification: A framework of pixel-based fusion and multilevel features reduction,” Microscopy Research and Technique, vol. 83, no. 4, pp. 410–423.
  38. T. Ojala, M. Pietikainen and T. Maenpaa. (2002). “Multiresolution gray-scale and rotation invariant texture classification with local binary patterns,” IEEE Transactions on Pattern Analysis and Machine Intelligence, vol. 24, no. 7, pp. 971–987.
  39. T. Tuncer, E. Aydemir and S. Dogan. (2020). “Automated ambient recognition method based on dynamic center mirror local binary pattern: DCMLBP,” Applied Acoustics, vol. 161, pp. 107165.
  40. A. F. Costa, G. Humpire-Mamani and A. J. M. Traina. (2012). “An efficient algorithm for fractal analysis of textures,” in 2012 25th SIBGRAPI Conf. on Graphics, Patterns and Images, Ouro Preto, Brazil, pp. 39–46.
  41. D. R. Nayak, R. Dash and B. Majhi. (2016). “Brain MR image classification using two-dimensional discrete wavelet transform and AdaBoost with random forests,” Neurocomputing, vol. 177, no. 8, pp. 188–197.
  42. Q.-S. Sun, S.-G. Zeng, Y. Liu, P.-A. Heng and D.-S. Xia. (2005). “A new method of feature fusion and its application in image recognition,” Pattern Recognition, vol. 38, no. 12, pp. 2437–2448.
  43. H. Dai, J. Cao, T. Wang, M. Deng and Z. Yang. (2019). “Multilayer one-class extreme learning machine,” Neural Networks, vol. 115, no. 12, pp. 11–22.
images 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.