Next Article in Journal
Synchronous Colorectal Cancer: Improving Accuracy of Detection and Analyzing Molecular Heterogeneity—The Main Keys for Optimal Approach
Previous Article in Journal
Structured Reporting in the Characterization of Renal Cysts by Contrast-Enhanced Ultrasound (CEUS) Using the Bosniak Classification System—Improvement of Report Quality and Interdisciplinary Communication
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

COVID-19 Detection by Optimizing Deep Residual Features with Improved Clustering-Based Golden Ratio Optimizer

1
Department of Electrical Engineering, Jadavpur University, Kolkata 700032, India
2
Department of Computer Science and Engineering, Maulana Abul Kalam Azad University of Technology, Simhat, Haringhata, Nadia 741249, India
3
Department of Information Technology, Jadavpur University, Kolkata 700106, India
4
College of IT Convergence, Gachon University, 1342 Seongnam Daero, Seongnam 13120, Korea
5
Department of Computer Science and Engineering, Jadavpur University, Kolkata 700032, India
*
Author to whom correspondence should be addressed.
Diagnostics 2021, 11(2), 315; https://doi.org/10.3390/diagnostics11020315
Submission received: 16 December 2020 / Revised: 28 January 2021 / Accepted: 9 February 2021 / Published: 15 February 2021
(This article belongs to the Section Machine Learning and Artificial Intelligence in Diagnostics)

Abstract

:
The COVID-19 virus is spreading across the world very rapidly. The World Health Organization (WHO) declared it a global pandemic on 11 March 2020. Early detection of this virus is necessary because of the unavailability of any specific drug. The researchers have developed different techniques for COVID-19 detection, but only a few of them have achieved satisfactory results. There are three ways for COVID-19 detection to date, those are real-time reverse transcription-polymerize chain reaction (RT-PCR), Computed Tomography (CT), and X-ray plays. In this work, we have proposed a less expensive computational model for automatic COVID-19 detection from Chest X-ray and CT-scan images. Our paper has a two-fold contribution. Initially, we have extracted deep features from the image dataset and then introduced a completely novel meta-heuristic feature selection approach, named Clustering-based Golden Ratio Optimizer (CGRO). The model has been implemented on three publicly available datasets, namely the COVID CT-dataset, SARS-Cov-2 dataset, and Chest X-Ray dataset, and attained state-of-the-art accuracies of 99.31%, 98.65%, and 99.44%, respectively.

1. Introduction

The Coronavirus was first noticed in Wuhan city, China. Other than Antarctica, almost every continent has been more or less affected. Scientists predict that the virus originated from zoonotic natured animals. However, the origin of this virus is not yet been discovered [1]. The first infected person was from Wuhan market in Hubei province and it eventually spread across the globe [2]. This virus has evolved itself in the recent decades, in 2002 it was known as Severe Acute Respiratory Syndrome Coronavirus (SARS-CoV) and in 2012 it was known as the Middle East Respiratory Syndrome Coronavirus. However, in 2019, the World Health Organization (WHO) that declared an unknown etiology had been detected in the city of Wuhan, which is a novel coronavirus, named 2019 coronavirus (2019-nCoV), and that can cause severe pneumonia [3]. In 2020, the International Committee on Taxonomy of Virus (ICTV) announced the 2019 coronavirus as SARS-Cov-2, and the disease as Coronavirus disease 2019 [4,5].
Globally, 49,106,931 people are affected, among them 1,239,157 people unfortunately lost their battle as of 11 November 2020 [6]. The most affected country, to date, is the USA, having a total of 9.3 million confirmed cases. By mid-March, Italy had the highest amount of deaths [7]. India is in second place according to the number of confirmed cases. However, China has managed to avoid the list of the top 10 most affected countries of COVID-19. Figure 1 shows the detailed statistics of COVID-19 in some countries.
Usually, the most settled way for COVID-19 detection is real-time reverse transcription-polymerize chain reaction (RT-PCR). However, RT-PCR has a low diagnosis accuracy, 60–70%. Many times it is evident that even after getting negative results symptoms can be detected by radiological images of patients [8]. Computed Tomography (CT) and X-ray play an important role in detecting life-threatening diseases [9]. Usually, RT-PCR takes many hours, even a day. That is the reason CT scan and X-ray have been used as a sensitive and fast method for diagnosis COVID-19 [10]. However, the findings in lungs because of COVID-19 is visible after two days [11], and the most significant result is observed after 10 days [12]. Moreover, the COVID-19 virus affects the lungs of a suspected person and, eventually, the lung becomes puffed up. An experiment says that shadowy patches can be shown in the CT scan and X-ray image of the chest of an infected person; this phenomenon is known as Ground Glass Opacity [13]. Figure 2 shows some samples of the COVID and non-COVID CT scan and X-ray images. Additionally, this virus spreads much faster than it’s prediction and detection rate due to its communicable nature. The symptoms of COVID-19 is quite similar to one chronic disease, pneumonia. The lungs also become inflamed in this case, and it is also life-threatening but not as fatal as COVID-19.
In recent times, many computer aided detection (CAD) systems [14] have been proposed that help to detect different chronic diseases accurately, such as lung cancer [15], breast cancer [16], skin cancer [17], and brain cancer [18].
However, we have implemented an ensemble of deep learning and machine learning (ML) techniques for the detection of COVID-19 cases. It is known that deep learning models can learn relevant features by themselves. On the other hand, to use purely ML techniques, various features are extracted from the input data, by manual effort, which, many times, cannot provide the state-of-the-art (SOTA) results, and some chances always remain for extracting redundant features and missing out some of the relevant features. Therefore, the features of a deep learning model learns more prolific and compact than that of manually extracted traditional features. In contrast, the last or the classification layer of any deep learning model is not much optimized like any ML classifier. Therefore, the classifying efficiency of that particular deep layer is less than that of ML-based classifiers. Keeping these facts in mind, in the current work, we have developed an ensemble framework, which includes deep features from pre-trained Convolutional Neural Networks (CNNs) and a wrapper based optimization technique for feature selection (FS) and classification. Figure 3 illustrates the complete workflow of our proposed approach for COVID-19 detection. The contributions of the present work are briefly described below:
  • We have extracted deep features from different layers of pre-trained ResNet18, which is trained for 30 epochs on our datasets and those are concatenated in order to obtain the final feature set.
  • A new FS method, called Cluster-based Golden Ratio based Optimizer (CGRO), is introduced, which includes clustering-based population generation to avoid premature convergence of the algorithm.
  • The model is evaluated using three SOTA classifiers, namely Support Vector Machine (SVM), K-Nearest Neighbors (KNN), and Extreme learning machine (ELM), on three standard COVID-19 datasets, namely the Covid-CT dataset [19], SARS-Cov-2 CT-Scan dataset [20], and Chest X-Ray dataset [21]. The first two datasets are CT-Scan image-based datasets and the last one is based on the chest X-Ray dataset. On all three datasets, the proposed approach achieves SOTA results, with a good margin of difference from recently developed models.
  • We have also compared the performance of the CGRO algorithm with some popularly used FS based optimization algorithms on all three datasets, which are reported in the results and discussion section.

2. Related Work

In recent times, many ML, as well as deep learning-based approaches, are introduced for COVID-19 detection from both the X-ray and CT scan images. X-ray and CT scan images are both the best way to analyze COVID-19 data. X-rays have been preferred over the chest CT scans due to less ionizing radiations and portability [22]. However, there are also few limitations of chest X-rays over CT scans, such as X-ray detecting information of the lung according to the shape, size, the structure of lungs, whereas CT scan images give an informative architecture of air sacs. However, in our present work, we have implemented our model taking inputs from both the datasets (i.e., CT scans and X-rays) for a comprehensive study.
The initial constraint in this field of research is the lack of data. For this reason, Wang et al. [7] proposed a data augmentation technique, Auxiliary Classifier Generative Adversarial Network (ACGAN), which helps to manage a sufficient number of radiographic images within a limited period. It also helps to improve the performance of Convolutional Neural Network (CNN). Wang et al. [23] implemented a deep CNN to identify COVID-19 positive from the X-ray images. They have trained the model with 13,975 chest X-ray images and produced a classification accuracy of 98.9%. However, Hemdan et al. [24] introduced the COVIDX-Net model that can detect COVID-19 infected from X-ray images. COVIDX-Net is trained with 50 normal and 25 COVID images, and it scored a classification accuracy of 91%. Md. ZabirulIslam [25] proposed a new technique for diagnosing COVID-19 automatically from the X-ray images using a combined deep CNN-LSTM network. The model is trained with 4575 X-ray images, including 1525 images of COVID-19, which produced an accuracy of 99.4%. B. Abraham et al. [26] have investigated the effectiveness of multi-CNN by using the combination of several pre-trained CNNs for COVID-19 detection. They extracted deep features from multi-CNN and carried the processing ahead using the correlation-based FS (CFS) technique. They trained the model on 453 COVID-19 images and 497 non-COVID images, and obtained an accuracy of 91.16%. Again, K.H. Shibly et al. [27] proposed a technique, named faster R-CNN, to detect COVID-19 from X-ray images. They have implemented their model on two publicly available datasets, one is a customized dataset and another one is COVIDx, and obtained an accuracy of 97.36% and 97.65%. Wang and Wong [28] proposed a unique deep learning technique, named COVID-Net, which obtained 92.4% classification accuracy. Furthermore, Ioannis et al. [29] implemented a deep learning model while using 224 confirmed COVID images and achieved an accuracy of 98.75%.
In our work, we have implemented our model on three publicly available datasets, namely SARS-Cov-2, Muhammed Talo 2 class, and COVID-CT datasets. There are only a few works reported on these datasets, which are described here. Loey et al. [30] extracted deep features from the COVID-CT dataset and then they have implemented augmentation using CGAN. They obtained a classification accuracy of 82.91%. However, Jhao et al. [19] used pre-trained CNN for classification and achieved an accuracy of 89.1% on the same dataset. Furthermore, Saeedi et al. [31] extracted deep features using DeepNet121 of the COVID-CT dataset and used Nu-SVM for the classification purpose. They scored an overall accuracy of 90.61%. Whereas, Shaban el al. [32] proposed a new approach, hybrid feature selection Methodology (HFSM) and achieved an impressive classification accuracy of 96% on the COVID-CT dataset while using enhanced K-Nearest Neighbor (EKNN) classifier.
Jaiswal et al. [33] have used DenseNet 201 on the SARS-Cov-2 dataset and obtained an accuracy of 96.25%. However, Soares et al. [20] implemented xDNN for classification and achieved an accuracy of 97.38% on the same dataset. Panwar et al. [34] implemented Gradient-weighted Class Activation Mapping (Grad-CAM) on the same dataset and scored an accuracy of 95.61%. Again, Ozturk et al. [21] implemented the DarkCovidNet model that produced an accuracy of 97.08% on the Chest X-ray dataset that was proposed by Muhammad Talo. Further, Abdulrahaman et al. [35] introduced a deep Belief network to attain an accuracy of 90% on the same dataset.
Moreover, in our literature, we have used a completely novel FS technique to neglect redundant features from the extracted deep feature set. Meta-heuristic [36] approaches are quite popular for managing this task. In recent times, many optimization techniques have been introduced, and it has been an area of interest among the research fraternity. However, many optimization algorithms are already available for different tasks, but there is always an intermediate need to develop optimization algorithms for a specific task. Researchers have found that a single optimization algorithm might fail to deal with every problem [37]. That is why researchers have developed different optimization algorithms in different domains to deal with redundant features and it can enhance both exploration and exploitation capability. Some famous and most recent hybrid FS algorithms proposed during recent times are, as follows: Binary Bat Algorithm with Late Acceptance Hill-Climbing (BBA-LAHC) [38], hybridization of Mayfly algorithm (MA), and HS, named as the MA-HS algorithm [39], cooperative Genetic Algorithm (CGA) [40], hybridization of GA with PSO and Ant Colony Optimization (ACO) algorithm [41], hybrid golden ratio optimization and equilibrium (GREO)  [42], and clustering-based equilibrium and ant colony optimization (EOAS) [42].

3. Motivation

In recent times, many COVID-19 infected patients are asymptomatic, which might increase the transmission without any symptoms [43]. RT-PCR is the most common method of COVID-19 detection. It can be done by taking sputum or blood samples of infected patients [44]. However, it takes a few hours or even a day to get the result [45]. On the other hand, using biological image processing, our model can automaticallydetect COVID-19. Most of the COVID-19 works are particularly using deep learning models. However, such models sometimes generate many redundant and non-informative features. Hence, we aim to find out an optimal feature subset from the deep features that were extracted from the COVID-19 affected CT scan and X-ray images. Hybrid FS models are quite famous among the researchers, as it focuses on both exploration and exploitation. There are a lot of hybrid FS models available in the literature, such as Electrical Harmony based hybrid meta-heuristic (EHHM) [46], Hybrid of Harmony Search Algorithm and Ring Theory-Based Evolutionary Algorithm [47], Mayfly in Harmony [39], and Binary Social Mimic Optimization Algorithm with X-Shaped Transfer Function [48]. Successful applications of FS algorithms in various domains have motivated us to propose a new FS algorithm for COVID-19 detection.

4. Materials and Methods

In this section, the proposed workflow for COVID-19 detection has been discussed in a sequential manner. The methodology is divided into three subsections: Section 4.1 Dataset Description, Section 4.2 Deep Residual Feature Extraction, and Section 4.3 Feature Selection.

4.1. Dataset Description

In this study, we have evaluated our model on three benchmark datasets, which are briefly described below.

4.1.1. COVID-CT Dataset

The Covid-CT dataset was proposed by Jhao et al. [19]. As the name suggests, this dataset consists of chest CT-Scan images with 349 confirm COVID-19 cases and 397 healthy cases. In this research framework, all of the images are resized to 224 × 224 × 3, and they are normalized to increase the robustness of usage in the domain of various deep learning frameworks. During the training process of deep neural networks, as the dataset is very small, the images are augmented by rotation of 50 , slant-angle of 0.5 , and by enabling horizontal and vertical flipping. Here, 597 images are taken for training the model and the remaining 74 images are taken as the testing data.

4.1.2. SARS-Cov-2 Dataset

Sores et al. proposed the SARS-Cov-2 CT Scan dataset [20]. This dataset contains 2492 chest CT scan images, 1262 of which are COVID-19 positive, and the remaining 1230 images are of healthy subjects. Similar to the previous dataset, here also the images are resized to 224 × 224 × 3, and, during training, data augmentation is applied with 25 of rotation and horizontal flip. Here, 1994 images are taken for training the model and the remaining 249 images are taken as testing data.

4.1.3. X-ray Dataset Proposed by Muhammed Talo

The final dataset is a chest X-ray dataset [21], which a fusion of two datasets. One of which is an X-ray dataset from Kaggle and the other one is a dataset consists of 125 X-ray images, collected from various open sources by JP Cohen [49]. Here, 800 images are taken for training the model and the remaining 100 images are taken as testing data.

4.2. Deep Residual Feature Extraction

In this present framework, we have extracted deep residual features instead of traditional hand-crafted features. There are many traditional feature extraction techniques, like Gabor [50], Haralick [51], Tamura [52], etc., which provide hand-crafted features. Sometimes researchers need exhaustive experimentation to decide which features can be of the most relevance for the said classification task. Even after such experimentation, there often remains some redundant features as well as missing significant features in the manually prepared feature set.
On the other hand, CNNs learn through the backpropagation technique, mostly such models only learn relevant features. However, some of the features may be less informative and they do not contribute more toward classification. Therefore, we have applied a meta-heuristic based FS algorithm to further optimize the features extracted from a deep CNN model. Here, we have extracted features from different layers of ResNet18. We have also extracted features from other popularly used CNNs, and the comparative results help us to finalize the CNN model for feature extraction.
For feature extraction purposes, we have implemented traditional transfer learning techniques with a pre-trained ResNet18 model. Deep CNNs, like ResNet18, have many layers in them. The initial layers of any CNN mainly learn common features, which are responsible for defining the geometrical abstractions of the image. These higher dimensional features are considerably sensitive towards noises, disorders, and repressions. Whereas, the deeper layers learn the shape of the images specific to the classification task at hand. These are comparatively more robust and viable in the cases of clutters and occlusions. Besides, local features contain more relevant information regarding the patterns, such as edges, contours, textures, etc., of the input images. To utilize the combined information of both local and global features, we extract features maps from different layers of ResNet18 and concatenated them to form the final feature set. To accomplish the task, we firstly fine-tune the weights and biases of pre-trained ResNet18 architecture by training the network for 30 epochs and save the model with minimum validation loss. Thereafter, all of the images in the dataset, including train and test images, are passed into the network, and feature maps of different layers, such as layer1, layer2, layer3, and layer4, are extracted via an adaptive average pool layer with kernel size equals to 1 × 1. This average pool layer normalizes the feature dimension (height and width) to 1 only. These higher dimensional feature maps are further flattened and concatenated and the final feature set is achieved. Table 1 displays the feature maps and detailed feature extraction from different layers.
This combined feature set, which consists of 960 features (see Figure 4 for more detail), is further optimized using our proposed CGRO based FS algorithm for generating the final feature set used for the classification task.

4.3. Feature Selection Model

In this section, a completely new approach to feature selection has been discussed to reduce the redundancy of the deep residual features. For this purpose, we have proposed a completely new approach for the FS task, named CGRO.

4.3.1. Golden Ratio Optimization Algorithm

Every element in nature has its specific shape and size. They follow a similar pattern and every physical entity has its fixed proportion, called the golden ratio (GRO) [53]. Fibonacci first proposed the idea of the golden ratio. He introduced some series of numbers, which are exactly the sum of their previous two numbers and the ratio of two consecutive numbers is exactly 1.618. This ratio is known as the golden ratio. The equation that describes this property is given below.
P n = F . ϵ n 1 ϵ n 5 w h e r e F = 1.618
This optimization technique deals with the vectors and the direction of the vector to obtain the best solution. Initially, the mean of the population is calculated and, after that, the fitness is calculated. Based on the calculated fitness, the best and worst fitness are assigned. In the next stage, one random population is generated and the impact on the population for the movement of the best and worst solution vector is calculated. Subsequently, the optimization process will go a step forward towards optimization. The process will go on iteratively. The pseudo-code, as described in Algorithm 1, shows how the GRO algorithm works.
P b e s t > P m e d i u m > P w o r s t
Z t = Z m e d i u m Z w o r s t
The above equation gives the information about the modulus value of the movement and the corresponding direction, in search of the global minimum. Fibonacci’s formula is used to perform the global and local search operation. Updating the solution is the next step. The equation that represents the random movement is given below.
Z n e w = 1 P t Z b e s t + r a n d . Z t . P t
Algorithm 1 Pseudo code for GRO algorithm
Input: Whole feature set, no-of-population, max-iter
Output: Final solution
1:
Population initialization k = 1 , 2 , 3 , , n
2:
Fitness calculation
3:
while Convergence criterion is not satisfied do
4:
   Obtain Z a v , the mean value of all possible solutions
5:
   Set the worst fitness as Z w o r s t
6:
   if FITNESS( Z a v g ) < FITNESS( Z w o r s t ) then
7:
      swap( Z a v g , Z w o r s t )
8:
   end if
9:
   for J = 1 , , particle number do
10:
      Random population generation Z k
11:
      Compare Z I , Z j , Z a v g and assign best fitness value in the Z b e s t and worst value in the Z w o r s t
12:
      Evaluate on eq 1.
13:
      Check the constraints
14:
       Z t = Z m e d i a n Z w o r s t
15:
   end for
16:
   for j = 1 , , number of particles do
17:
      for k = 1 , , number of variables do
18:
         Update the solution Z n e w = ( 1 P t ) Z b e s t + r a n d . Z t . P t
19:
         Check the constraints
20:
      end for
21:
   end for
22:
end while
23:
Output: Final Solution
Now, the new solution is updated and, if the boundary condition is satisfied, then the new solution will be replaced with the previous one.

4.3.2. Clustering-Based Population Selection

The GRO algorithm usually has a high convergence rate. Accordingly, there is a chance that the GRO algorithm may get stuck at the local optima, which results in non-desired solution, i.e., the algorithm fails to reach the global optima. In this context, it is to be noted that, if the initial population is generated randomly, then the candidate solutions may have less diversity and their exploration abilities can be severely affected. Therefore, at the starting of randomized initialization, significantly distributed candidate solutions are considered to address this premature convergence of GRO. In doing so, we apply a clustering-based population selection concept on the deep features obtained previously [54].
For the clustering-based population, initially, n randomly generated candidate solutions are selected as the initial population. However, a random number is generated as hyper-parameter to address the number of cluster centers is required, which is less than the number of candidate solutions in the population. In addition, c clusters are initiated by considering another randomly generated c cluster centres, each being assigned to a single cluster. It is to be noted that c should always be less than p and greater than 1. Now, a similarity function is defined, which is given by Equation (6).
S = α × d H + ( 1 α ) × a D
Using Equation (6), the similarity is calculated between each candidate solution to the cluster centers. In the equation, d H and a D are the hamming distance and the difference in classification accuracy between the solution vector of the population and the cluster center, respectively. These terms are added via weights α and 1 α . The term, d H , represents the ease of bringing a particle to a certain cluster center, whereas the second term gives the information regarding the closure proximity between the classification abilities of the two particles. Now, a particle is assigned to that cluster for which the cluster center gives maximum similarity with the candidate solution. After this process, each cluster gets some candidate solutions based on the calculated similarity values.
Suppose that the C t h cluster is assigned with M particles. Now, in cluster C, when considering m particles, a goodness measure is calculated for each feature vector. The mathematical expression of the goodness value of k t h feature vector is given by Equation (7).
G k C = m = 1 M r m k C × A m C
where, G k C is the goodness of k t h feature vector of C t h cluster. The expression of goodness function is based on two main terms, the position of the particle in C t h cluster ( r m k C ) and the classification accuracy ( A m C ) of each particle in the cluster. The cumulative sum over all the particles in the cluster of the multiplication of the aforementioned two terms gives the goodness measure of m t h feature vector. In the next stage of final solution vector generation from a cluster, a feature vector is selected if the goodness value of the feature vector is greater than the mean goodness measure of all feature vectors. Thus, at the end of this clustering process, we have c standard candidate solutions out of n randomly generated population. Figure 5 presents the flowchart of our proposed CGRO based FS algorithm.

4.4. Overview of the Classifiers Used

For the calculation of fitness function, we have chosen three different SOTA classifiers, such as SVM, KNN, and ELM. Brief descriptions of these classifiers are given below.

4.4.1. SVM

SVM [55] is a popularly used supervised learning algorithm, which is also used for classification and regression problems. SVM is a linear classifier, but, while using kernel-trick, it can also achieve efficient performance for non-linear classifications. SVM projects the training sample data points to a higher dimensional space and draws several hyperplanes that separate different classes into the hyperplane. SVM makes sure that the hyperplanes are kept at the furthest distance from the elements of each class. Now, while testing, the SVM algorithm decides at which side of a hyperplane a single test data point should be put, and that is the determined class of that point. Several kernel functions are used to project the training points into the higher dimensional spaces. Some of the popularly used kernel functions are r b f , G a u s s i a n , p o l y n o m i a l , and so on. Among these kernel functions, r b f performs superior to others while the feature space is large.

4.4.2. KNN

KNN [56] is another heavily used ML algorithm, which is used in pattern recognition tasks. The algorithm of KNN is of non-parametric type and applied in both classification and regression tasks. Here, the input consists of K closest samples of training out of the entire feature space. For classification, this lazy learning algorithm assigns the output as a class membership. Classification is done by a plurality vote of nearest neighbors and the data point is classified to the class that is chosen by a majority of the neighbors. This is how, by a voting system, the KNN classifier works.

4.4.3. ELM

ELM [57] is a feed-forward neural network, with some layers of hidden nodes, which are usually assigned randomly. The output weights and biases of different hidden nodes are upgraded in a single step, which is the learning of a linear model. For the ELM classifier, no back-propagation algorithm occurs, which results in faster learning than usual neural networks and achieves good performance. ELM is mostly used with a single hidden node, but it also has flexible architecture. ELM can also be used with RBF networks, sigmoid-based complex neural networks, wavelet transform, and fuzzy inference networks. For ELM based networks, the hidden node can also be a single neuron or a basis function or subnetwork.

5. Results and Discussion

A novel FS based approach for COVID-19 detection is reported in this paper. The proposed framework of optimizing deep features are evaluated on three recently proposed COVID-19 detection datasets, namely the COVID-CT Dataset, as proposed by Zhao et al. [19], SARS-Cov-2 CT scan dataset, which was proposed by Soares et al. [20], and the chest X-Ray dataset, as proposed by Muhammed Talo [21]. For the evaluation of our model, we have relied upon some standard measures used for statistical evaluations, such as Accuracy, Recall, Precision, and F1 Score. These evaluation metrics are dependent on some primary measures, which are True Positive (TP), True Negative (TN), False Positive (FP), and False Negative (FN). These evaluation metrics, in terms of the elementary measures, are given by the following equations:
  • Accuracy:
    T P + T N T P + T N + F P + F N
  • Precision:
    T P F P + T P
  • Recall:
    T P T P + F N
  • F1 Score:
    T P T P + 1 2 ( F P + F N )
In this current study, we have trained our pre-trained CNN model for 30 epochs, which basically fine-tune the pre-trained weights and then fix the fine-tuned weights and extracted features from different layers of it.

5.1. Deep Feature Extractors

In the previous section it is mentioned that we have chosen deep features instead of the traditional feature engineering approach for our current framework of FS and classification. For this purpose, we have performed exhaustive experimentation to select an appropriate CNN model for feature extraction. We have considered several pre-trained deep learning models, like GoogleNet [58], ResNet18 [59], VGG19, VGG16 [60], and ResNet152 [61], for deep feature extraction. We have also extracted feature maps from different layers of ResNet18 and concatenated them after adaptive average pooling and flattening, which gives a feature vector of 960 features. Table 2, Table 3, Table 4 and Table 5 display the results obtained from this comparative study of different deep learning models for the chosen datasets .
It is observed from the results reported in the tables that the proposed approach of deep feature extraction achieves the best results in all three COVID-19 detection datasets, including 2-class and 3-class X-ray datasets. Additionally, ResNet152 with 2048 deep features gives good classification accuracies after the proposed FS approach. The 2-class and 3-class results on X-ray datasets, achieved by the deep features extracted by the ResNet18, are also very promising when compared to others. Although 1024 deep features of GoogLeNet also report impressive results for the COVID CT-Dataset, both VGG19 and VGG16 fail to produce promising results for all four datasets. In the case of VGG networks, a large number of features with a small number of training data, usually over-fit the ML classifiers. Accordingly, we can see a good margin in the classification accuracies as compared to other deep features. However, there is considerable evidence that the proposed approach of extracting combined global and local features from different layers of ResNet18 results in impressive outcomes over commonly used transfer learning-based deep feature extraction techniques.
For comparison purposes, we also provide the convergence plots of validation losses and validation accuracies for 30 epochs of training, for each of the aforementioned deep CNNs. From Figure 6 and Figure 7, it can be seen that the validation loss plots of ResNet18 and GoogLeNet are somewhat stable and converge well, whereas the plots of VGG networks and ResNet152 are not that stable. It can also be observed that, for the SARS-Cov-2 CT-Scan dataset, the obtained loss plots are better than that of COVID CT-Dataset. These experimental phenomena can be described by considering the depths of the networks and the sizes of the datasets. The size of the COVID CT-Dataset is much less than that of the SARS-Cov-2 dataset, so deeper networks learn less and start overfitting in lesser epochs. For VGG networks, smaller datasets often cause gradient vanishing problem. For residual networks, like ResNet18, the skip-connections between intermediate layers address the problem of gradient vanishing. However, ResNet18 has a lesser number of layers than that of ResNet152, therefore it fits smaller datasets better. Accordingly, it is intuitive that ResNet18 learns better than any other CNN models considered here. This is observed from the validation accuracy plots of previously mentioned CNN models.
From the validation accuracy versus epoch plots that are shown in Figure 8, it is evident that ResNet18 achieves maximum accuracy among other deep neural networks. During training for 30 epochs, maximum accuracies are obtained by using ResNet18 for COVID CT-Dataset, SARS-Cov-2 CT-Scan datasets, and X-Ray 2 class dataset, but it takes more numbers of epochs to converge. For the 3-class dataset of X-ray, the accuracy obtained by ResNet152 is 82% which is more than that of ResNet18. The accuracies obtained by the ResNet18 and without optimization, in the COVID CT-Dataset and SARS-Cov-2 CT-Scan Dataset and 2-class and 3-class X-ray datasets, are 91%, 88%, 80%, and 92%, respectively.
Thus, we can conclude that ResNet18 learns more relevant and discriminatory deep features as compared to other CNNs with appropriate feature dimensions. Here, we have further optimized this feature vector using the proposed CGRO algorithm.

5.2. Classifier Selection for CGRO Algorithm

For the calculation of the fitness function of the GRO algorithm, we applied and implemented three popularly used ML classifiers, namely SVM, KNN, and ELM, for all three COVID-19 detection datasets. It is observed that the accuracies obtained with the SVM classifier are superior to the other two, as a whole. Whereas, if we consider all four primary measures of the evaluation, we see that the results obtained by the three classifiers are close to each other. The results obtained with these three classifiers on all the three COVID-19 datasets are shown by the bar charts that are given in Figure 9.
From the bar diagrams, it is seen that the binary classification accuracies that are obtained using the SVM classifier are the maximum accuracies amongst these all three. The SOTA accuracies achieved are 99.31%, 98.65%, 94.12%, and 99.44%. For SARS-Cov-2 CT-Scan Dataset, all three classifiers report similar classification accuracies with SVM yielding the highest among them. But it is seen that the performance of KNN is also impressive as it achieves the maximum recall of 99% and accuracy of 98.02% for this particular dataset. On the other hand, the maximum F1 score is obtained using the ELM classifier on SARS-Cov-2 CT-Scan Dataset. Whereas, for the COVID CT-Dataset, the SVM classifier consistently outperforms all other classifiers in terms of accuracy, recall, and F1 score. It is to be noted that the performance of the ELM classifier is also good for the COVID CT-Dataset. It achieves a maximum precision of 100% and reports 98.79% binary classification accuracy, which is much closer to that of SVM. Unlike the SARS-Cov-2 CT-Scan Dataset, in the COVID CT-Dataset, the KNN classifier fails to achieve good performance when compared to the other two classifiers. Similarly, for the 2-class and 3-class, the results obtained over the dataset of X-Ray with SVM and ELM classifiers are much similar, especially the classification accuracies. For the 3-class problem, the accuracies are 94.12%, 93.72%, and 94.01% obtained by SVM, KNN, and ELM classifiers, respectively, and it is seen that all of the accuracies are much closer to each other. Whereas, for the 2-class dataset, although the results of SVM and ELM classifiers are almost the same, the KNN classifier has failed to achieve good results. As a whole, it can be said that, even though the results obtained from different classifiers are almost comparable, SVM reports the best classification results. Therefore, in this study of Covid-19 detection, all other experimentations are done while using the SVM classifier with kernel function and regularization parameter fixed to ’rbf’ and 5000, respectively.

5.3. Hyperparameter Tuning

Hyperparameters always play an important role in boosting the results of the final model. Our entire ensemble work can be divided into some parts, which are the feature extraction using deep learning algorithms, feature optimization, and classification using traditional ML classifiers. Each section of this present ensemble learning has a specific set of hyperparameters that need to be optimized. To obtain a fixed set of optimal hyperparameters, we have performed exhaustive experimentation, which is discussed in this section.
In any deep learning framework, training, validation, and testing with appropriate hyperparameters have always been an important part of research studies. In this work, we have chosen the Adam optimizer for optimizing the cross-entropy loss, with a constant learning rate of 10 4 , while keeping the momentum, step size, and other parameters fixed to their standard values.
The wrapper-based FS algorithm also has some hyperparameters that significantly affect the performance of the model. Among all of these, the initial population size and number of clusters (in our case), play the most vital role in boosting the classification accuracy. Figure 10 and Figure 11 illlustrate the variation of the accuracies with varying initial population sizes and a varying number of clusters, respectively.
It can be observed from the population vs accuracy plots that the accuracies first reach the maximum value with the initial population of 15. The maximum is also hit again at different initial population sizes for different datasets, since a lesser initial population size implies lesser time consumption; therefore, we have fixed the population size of CGRO to 15. Howeve, the GRO algorithm does not follow such a fixed pattern, like CGRO. For the different datasets, the maximum accuracy is achieved with different initial population sizes.
The number of clusters is another important hyperparameter that has a significant contribution to achieve SOTA results in all three datasets. After doing several experimentations (the results reported in Figure 11), we have concluded that, for this present framework of optimizing deep features, the number of clusters for the proposed CGRO algorithm is set to 6. It is evident that, in our proposed framework of FS, the best classification performance is obtained with several clusters equal to 6.

5.4. Comparison With Other Popularly Used Algorithms

In order to estimate the performance of the CGRO algorithm, we have accumulated the results that were obtained by other popularly used wrapper type FS algorithms, such as Genetic Algorithm (GA) [62], Atom Search Optimizer (ASO) [63], Harmony Search Algorithm (HSA) [64], Particle Swarm Optimization (PSO) [65], and GRO itself without clustering-based population selection. The results are reported as a comparative study among these algorithms and the proposed CGRO algorithm in Table 6, Table 7, Table 8 and Table 9 for the COVID CT-Dataset, SARS-Cov-2 CT-Scan dataset, X-ray 2 class dataset, and X-ray 3 class dataset, respectively.
From the tables, it can be observed that the proposed CGRO algorithm achieves the best results among the previously mentioned FS algorithms. Even CGRO selects a very less number of feature vectors for an optimized solution vector. This fact of achieving impressive results with smaller feature space denotes the efficiency of the CGRO algorithm. Besides, the difference in accuracies and other evaluation parameters between GRO and CGRO algorithm is particularly noticeable; this implies that the clustering-based population improves the performance of the GRO algorithm with a significant margin of difference.

5.5. Comparison with SOTA Techniques

In this section, we report a comparative study of our proposed CGRO algorithm for deep features optimization, with other recently evolved models for COVID-19 detection on all three datasets.
Table 10, Table 11 and Table 12 report the study of comparison of CGRO based FS approach with some SOTA techniques for the COVID CT-Dataset, SARS-Cov-2 CT-Scan dataset, and Chest X-Ray dataset of Muhammed Talo, respectively. It is evident from Table 10, Table 11 and Table 12 that the proposed CGRO algorithm with deep residual features achieves SOTA results on all COVID CT-scan datasets, which are taken into account for the evaluation of our model, with a good margin of differences from other ML-based techniques, which have been developed for the detection COVID cases so far. It is observed that, on the COVID CT-Dataset, Saeedi et al. [31] extracted deep features of DenseNet121 and classified them using Nu-SVM classifier. The Nu-SVM is different from C-SVM in terms of the regularisation parameter. For C-SVM, regularization parameter C varies from zero to infinity, whereas, for Nu-SVM, the parameter ν varies between zero to one. The Nu-SVM gives a better estimation of the regularization than that of C-SVM. This ensemble of ML classifiers with deep features achieved 90.61% classification accuracy. Shaban et al. [32] implemented a purely traditional ML approach, which includes GLCM features, and these are optimized by hybrid FS model (HFSM) and classified using Enhanced KNN (EKNN) classifier. The author reported a very good classification accuracy of 96%. However, the classification results reported by the proposed CGRO algorithm are considerably superior to others. We reach a similar conclusion from Table 7 too but, for the SARS-Cov-2 CT-Scan dataset, the overall classification accuracies obtained by all other developed approaches are very promising. Soares et al. [20] proposed the dataset with the introduction of xDNN for classification purpose. Their proposed xDNN model achieves 97.38% accuracy. It is also observed that Jaiswal et al. [33] used traditional transfer learning with DenseNet201 and reported a 96.25% classification result. Although several approaches obtained impressive results on the SARS-Cov-2 CT-Scan dataset, our deep residual features with the CGRO algorithm model report best among them and achieve a SOTA accuracy of 98.65% for the binary class classification problem. The authors of the Covid-19 X-Ray dataset, Ozturk et al. [21], developed a completely new deep neural network, called DarkCovidNet, and achieved 87.02% (for 3 class) classification accuracy, which is much less than that of the accuracy achieved by our CGRO algorithm.

5.6. Statistical Significance Test: McNemar’s Test

The McNemar’s test is a non-parametric test for paired nominal data. We have performed the McNemar’s test to asses the statistical significance of the results obtained by the proposed algorithm. This test is performed by calculating McNemar’s parameter X, which can be calculated by the following equation.
Z = ( | a 01 a 10 | 1 ) 2 ( a 01 + a 10 )
In a statistical test, the process that shows that there is no difference between certain characteristics of population is known as a null hypothesis. In McNemar’s test, if the value of Z i > χ ( 1 , α = 0.05 ) 2 = 3.84 , the degree of freedom is 1, and the statistical probability is 0.95 , then the null hypothesis is rejected and the model has better performance than other models. The results of the McNemar’s test on three datasets are reported in Table 13. It is evident from the table that, for most of the cases, the null hypothesis is rejected, thereby concluding that our proposed algorithm can perform better than most of the existing algorithms.

6. Conclusions

In this paper, we have proposed a meta-heuristic FS method, named CGRO, based on Golden Ratio Optimizer with the clustering based population embedded in it. This FS method has been evaluated on three popular and publicly available X-ray and CT-scan images that are related to COVID-19, namely SARS-Cov-2, COVID-CT, and Chest X-Ray dataset. Our proposed method has achieved impressive classification accuracies of 98.65%, 99.31%, 99.44%, and 94.12%, respectively, on the said datasets. We compare the results obtained by the proposed CGRO algorithm with some popularly known optimization algorithms such as GA, HSA, ASO, PSO, and GRO. The results prove the superiority of the CGRO algorithm over those methods. Moreover, the research domain of COVID-19 has become a key interest in recent times, and various ML and deep learning-based models have been proposed by the researchers to recognize the COVID-19 patients automatically just by biomedical image processing (Chest X-ray and COVID-19). In our task, we have achieved SOTA results on three open-access datasets and obtained better results than some deep learning-based models. Even after achieving SOTA results, there are certain limitations of this framework, such as feature extraction itself is a lengthy procedure since features are extracted from deep learning models. In addition to this, feature selection is also a lengthy process as it requires several iterations to achieve the optimal set of feature vectors. Apart from that, this two-stage FS algorithm requires a feature set of promisingly large size. This is another limitation of this approach. Thereby, we conclude this paper with a small discussion of some future scopes, which are listed below.
  • For feature extraction purpose, we have used some old pre-trained deep learning models; in recent times, lots of new deep learning nets have been developed for classification, such as capsule net, exception net, and so on. These can be used for deep feature extraction.
  • Some ML classifiers have also been evolved in recent times. These classifiers can be used in calculating the fitness function of the CGRO algorithm and they can achieve better results.
  • The CGRO algorithm can be hybridized with other FS algorithms, as proposed in recent times, which can improve the results with a good margin.

Author Contributions

S.C. and A.D. conceived and designed the experiments; S.C. performed the experiments; P.K.S. and A.D. analyzed the data; R.S. contributed reagents/materials/analysis tools; S.C., A.D., P.K.S., and R.S. wrote the paper; writing—review & editing, Z.W.G.; supervision, Z.W.G. and R.S.; funding acquisition, Z.W.G. All authors have read and agree to the published version of the manuscript.

Funding

This research was supported by the Energy Cloud R&D Program through the National Research Foundation of Korea (NRF) funded by the Ministry of Science, ICT (2019M3F2A1073164). This work was also supported by the National Research Foundation of Korea (NRF) grant funded by the Korean government (MSIT) (2020R1A2C1A01011131).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

No new data were created or analyzed in this study. Data sharing is not applicable to this article.

Conflicts of Interest

The authors declare that they have no conflict of interest.

References

  1. Boopathi, S.; Poma, A.B.; Kolandaivel, P. Novel 2019 coronavirus structure, mechanism of action, antiviral drug promises and rule out against its treatment. J. Biomol. Struct. Dyn. 2020, 1–10. [Google Scholar] [CrossRef] [Green Version]
  2. Abdelli, I.; Hassani, F.; Brikci, S.B.; Ghalem, S. In silico study the inhibition of angiotensin converting enzyme 2 receptor of covid-19 by ammoides verticillata components harvested from western algeria. J. Biomol. Struct. Dyn. 2020, 13, 1–17. [Google Scholar] [CrossRef]
  3. Singhal, T. A Review of Coronavirus Disease-2019 (COVID-19). Indian J. Pediatr. 2020, 87, 281–286. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  4. Lai, C.-C.; Shih, T.-P.; Ko, W.-C.; Tang, H.-J.; Hsueh, P.-R. Severe acute respiratory syndrome coronavirus 2 (SARS-CoV-2) and coronavirus disease-2019 (COVID-19): The epidemic and the challenges. Int. J. Antimicrob. Agents 2020, 55, 105924. [Google Scholar] [CrossRef]
  5. Li, J.; Li, J.; Xie, X.; Cai, X.; Huang, J.; Tian, X.; Zhu, H. Game consumption and the 2019 novel coronavirus. Lancet Infect. Dis. 2020, 20, 275–276. [Google Scholar] [CrossRef] [Green Version]
  6. WHO Coronavirus Disease (COVID-19) Dashboard. Available online: https://covid19.who.int/table (accessed on 5 October 2020).
  7. WHO Coronavirus Disease (COVID-19) Dashboard. Available online: https://covid19.who.int/region/euro/country/ (accessed on 2 October 2020).
  8. Kanne, J.P.; Little, B.P.; Chung, J.H.; Elicker, B.M.; Ketai, L.H. Essentials for radiologists on COVID-19: An update—Radiology scientific expert panel. Radiology 2020. [Google Scholar] [CrossRef] [Green Version]
  9. Zu, Z.Y.; Jiang, M.D.; Xu, P.P.; Chen, W.; Ni, Q.Q.; Lu, G.M.; Zhang, L.J. Coronavirus disease 2019 (COVID-19): A perspective from China. Radiology 2020. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  10. Lee, E.Y.; Ng, M.Y.; Khong, P.L. COVID-19 pneumonia: What has CT taught us? Lancet Infect. Dis. 2020, 20, 384–385. [Google Scholar] [CrossRef]
  11. Bernheim, A.; Mei, X. Chest CT findings in coronavirus disease-19 (COVID19): Relationship to duration of infection. Radiology 2020. [Google Scholar] [CrossRef] [Green Version]
  12. Pan, F.; Ye, T. Time course of lung changes on chest CT during recovery from 2019 novel coronavirus (COVID-19) pneumonia. Radiology 2020. [Google Scholar] [CrossRef] [Green Version]
  13. Hu, Q.; Guan, H.; Sun, Z.; Huang, L.; Chen, C.; Ai, T. Early ct features and temporal lung changes in covid-19 pneumonia in wuhan, china. Eur. J. Radiol. 2020, 128, 109017. [Google Scholar] [CrossRef]
  14. Castellino, R.A. Computer aided detection (CAD): An overview. Cancer Imaging 2005, 5, 17. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  15. Makaju, S.; Prasad, P.W.C.; Alsadoon, A.; Singh, A.K.; Elchouemi, A. Lung cancer detection using CT scan images. Procedia Comput. Sci. 2018, 125, 107–114. [Google Scholar] [CrossRef]
  16. Manogaran, G.; Vijayakumar, V.; Varatharajan, R.; Kumar, P.M.; Sundarasekar, R.; Hsu, C.H. Machine learning based big data processing framework for cancer diagnosis using hidden Markov model and GM clustering. Wirel. Pers. Commun. 2018, 102, 2099–2116. [Google Scholar] [CrossRef]
  17. Dubal, P.; Bhatt, S.; Joglekar, C.; Patil, S. Skin cancer detection and classification. In Proceedings of the 2017 6th International Conference on Electrical Engineering and Informatics (ICEEI), Langkawi, Malaysia, 25–27 November 2017; pp. 1–6. [Google Scholar]
  18. Fabelo, H.; Ortega, S.; Ravi, D.; Kiran, B.R.; Sosa, C.; Bulters, D.; Sarmiento, R. Spatio-spectral classification of hyperspectral images for brain cancer detection during surgical operations. PLoS ONE 2018, 13, e0193721. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  19. Zhao, J.; Zhang, Y.; He, X.; Xie, P. COVID-CT-Dataset: A CT scan dataset about COVID-19. arXiv 2020, arXiv:2003.13865. [Google Scholar]
  20. Soares, E.; Angelov, P.; Biaso, S.; Froes, M.H.; Abe, D.K. SARS-CoV-2 CT-scan dataset: A large dataset of real patients CT scans for SARS-CoV-2 identification. medRxiv 2020. [Google Scholar] [CrossRef]
  21. 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, 103792. [Google Scholar] [CrossRef]
  22. Singh, D.; Kumar, V.; Vaishali; Kaur, M. Classification of covid-19 patients from chest ct images using multi objective differential evolution–based convolutional neural networks. Eur. J. Clin. Microbiol. Infect. Dis. 2020, 39, 1–11. [Google Scholar] [CrossRef]
  23. 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, 19549. [Google Scholar]
  24. Hemdan, E.E.-D.; Shouman, M.A.; Karar, M.E. Covidx-net: A framework of deep learning classifiers to diagnose covid-19 in X-ray images. arXiv 2020, arXiv:2003.11055. [Google Scholar]
  25. Islam, M.Z.; Islam, M.M.; Asraf, A. A combined deep CNN-LSTM network for the detection of novel coronavirus (COVID-19) using X-ray images. Inform. Med. Unlocked 2020, 20, 100412. [Google Scholar] [CrossRef] [PubMed]
  26. Abraham, B.; Nair, M.S. Computer-aided detection of COVID-19 from X-ray images using multi-CNN and Bayesnet classifier. Biocybern. Biomed. Eng. 2020, 40, 1436–1445. [Google Scholar] [CrossRef]
  27. Shibly, K.H.; Dey, S.K.; Islam, M.T.U.; Rahman, M.M. COVID Faster R-CNN: A Novel Framework to Diagnose Novel Coronavirus Disease (COVID-19) in X-Ray Images. Inform. Med. Unlocked 2020, 20, 100405. [Google Scholar] [CrossRef] [PubMed]
  28. Wang, L.; Wong, A. COVID-Net: A Tailored Deep Convolutional Neural Network Design for Detection of COVID-19 Cases from Chest Radiography Images. arXiv 2020, arXiv:2003.09871. [Google Scholar] [CrossRef]
  29. 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, 635–640. [Google Scholar]
  30. Loey, M.; Manogaran, G.; Khalifa, N.E.M. A deep transfer learning model with classical data augmentation and cgan to detect covid-19 from chest ct radiography digital images. Neural Comput. Appl. 2020, 2, 1–13. [Google Scholar]
  31. Saeedi, A.; Saeedi, M.; Maghsoudi, A. A novel and reliable deep learning web-based tool to detect covid-19 infection from chest ct-scan. arXiv 2006, arXiv:2006.14419. [Google Scholar]
  32. Shaban, W.M.; Rabie, A.H.; Saleh, A.I.; Abo-Elsoud, M.A. A new COVID-19 Patients Detection Strategy (CPDS) based on hybrid feature selection and enhanced KNN classifier. Knowl. Based Syst. 2020, 205, 106270. [Google Scholar] [PubMed]
  33. Jaiswal, A.; Gianchandani, N.; Singh, D.; Kumar, V.; Kaur, M. Classification of the COVID-19 infected patients using DenseNet201 based deep transfer learning. J. Biomol. Struct. Dyn. 2020, 1–8. [Google Scholar] [CrossRef]
  34. Panwar, H.; Gupta, P.K.; Siddiqui, M.K.; Morales-Menendez, R.; Bhardwaj, P.; Singh, V. A deep learning and grad-CAM based color visualization approach for fast detection of COVID-19 cases using chest X-ray and CT-scan images. Chaos Solitons Fractals 2020, 140, 110190. [Google Scholar] [CrossRef] [PubMed]
  35. Abdulrahman, S.A.; Salem, A.B.M. A efficient deep belief network for Detection of Corona Virus Disease COVID-19. Fusion Pract. Appl. 2020. [Google Scholar] [CrossRef]
  36. Osman, I.H.; Kelly, J.P. Meta-heuristics theory and applications. J. Oper. Res. Soc. 1997, 48, 657. [Google Scholar] [CrossRef]
  37. Wolpert, D.H.; Macready, W.G. No free lunch theorems for optimization. IEEE Trans. Evol. Comput. 1997, 1, 67–82. [Google Scholar] [CrossRef] [Green Version]
  38. Das, A.; Guha, S.; Singh, P.K.; Ahmadian, A.; Senu, N.; Sarkar, R. A Hybrid Meta-heuristic Feature Selection Method for Identification of Indian Spoken Languages From Audio Signals. IEEE Access 2020, 8, 181432–181449. [Google Scholar] [CrossRef]
  39. Bhattacharyya, T.; Chatterjee, B.; Singh, P.K.; Yoon, J.H.; Geem, Z.W.; Sarkar, R. Mayfly in harmony: A new hybrid meta-heuristic feature selection algorithm. IEEE Access 2020, 8, 195929–195945. [Google Scholar] [CrossRef]
  40. Guha, R.; Khan, A.H.; Singh, P.K.; Sarkar, R.; Bhattacharjee, D. CGA: A new feature selection model for visual human action recognition. Neural Comput. Appl. 2020. [Google Scholar] [CrossRef]
  41. Ghosh, M.; Guha, R.; Singh, P.K.; Bhateja, V.; Sarkar, R. A histogram based fuzzy ensemble technique for feature selection. Evol. Intell. 2019, 12, 713–724. [Google Scholar] [CrossRef]
  42. Dey, A.; Chattopadhyay, S.; Singh, P.K.; Ahmadian, A.; Ferrara, M.; Sarkar, R. A Hybrid Meta-Heuristic Feature Selection Method Using Golden Ratio and Equilibrium Optimization Algorithms for Speech Emotion Recognition. IEEE Access 2020, 8, 200953–200970. [Google Scholar] [CrossRef]
  43. Huff, H.V.; Singh, A. Asymptomatic transmission during the COVID-19 pandemic and implications for public health strategies. Clin. Infect. Dis. 2020, 71, 2752–2756. [Google Scholar] [CrossRef]
  44. Cohen, J. Wuhan seafood market may not be source of novel virus spreading globally. Science 2020, 10, 26. [Google Scholar] [CrossRef]
  45. Sellers, S.A.; Dover, K.L.; Bailey, A.G.; Cheves, A.; Eason, A.B.; Popowitch, E.B.; Miller, M.B.; Wohl, D.A.; Dittmer, D.P.; Fischer, W.A. Burden of respiratory viral infection in persons with human immunodeficiency virus. Influenza Other Respir. Viruses. 2020, 14, 465–469. [Google Scholar] [CrossRef] [PubMed]
  46. Sheikh, K.H.; Ahmed, S.; Mukhopadhyay, K.; Singh, P.K.; Yoon, J.H.; Geem, Z.W.; Sarkar, R. EHHM: Electrical harmony based hybrid meta-heuristic for feature selection. IEEE Access 2020, 8, 158125–158141. [Google Scholar] [CrossRef]
  47. Ahmed, S.; Ghosh, K.K.; Singh, P.K.; Geem, Z.W.; Sarkar, R. Hybrid of Harmony Search Algorithm and Ring Theory-Based Evolutionary Algorithm for Feature Selection. IEEE Access 2020, 8, 102629–102645. [Google Scholar] [CrossRef]
  48. Ghosh, K.K.; Singh, P.K.; Hong, J.; Geem, Z.W.; Sarkar, R. Binary Social Mimic Optimization Algorithm with X-Shaped Transfer Function for Feature Selection. IEEE Access 2020, 8, 97890–97906. [Google Scholar]
  49. Cohen, J.P.; Morrison, P.; Dao, L.; Roth, K.; Duong, T.Q.; Ghassemi, M. Covid-19 image data collection: Prospective predictions are the future. arXiv 2020, arXiv:2006.11988. [Google Scholar]
  50. Kong, W.K.; Zhang, D.; Li, W. Palmprint feature extraction using 2-D Gabor filters. Pattern Recognit. 2003, 36, 2339–2347. [Google Scholar]
  51. Simonthomas, S.; Thulasi, N.; Asharaf, P. Automated diagnosis of glaucoma using Haralick texture features. In Proceedings of the International Conference on Information Communication and Embedded Systems (ICICES2014), Chennai, India, 27–28 February 2014; pp. 1–6. [Google Scholar]
  52. Bagri, N.; Johari, P.K. A comparative study on feature extraction using texture and shape for content based image retrieval. Int. J. Adv. Sci. Technol. 2015, 80, 41–52. [Google Scholar] [CrossRef] [Green Version]
  53. Nematollahi, A.F.; Rahiminejad, A.; Vahidi, B. A novel meta-heuristic optimization method based on golden ratio in nature. Soft Comput. 2020, 24, 1117–1151. [Google Scholar] [CrossRef]
  54. Guha, R.; Ghosh, M.; Chakrabarti, A.; Sarkar, R.; Mirjalili, S. Introducing clustering based population in Binary Gravitational Search Algorithm for Feature Selection. Appl. Soft Comput. 2020, 93, 106341. [Google Scholar] [CrossRef]
  55. Auria, L.; Moro, R.A. Support vector machines (SVM) as a technique for solvency analysis. DIW Berlin Discussion Paper No. 811. SSRN 2008. [Google Scholar] [CrossRef] [Green Version]
  56. Zhang, M.L.; Zhou, Z.H. ML-KNN: A lazy learning approach to multi-label learning. Pattern Recognit. 2007, 40, 2038–2048. [Google Scholar] [CrossRef] [Green Version]
  57. Huang, G.B.; Zhu, Q.Y.; Siew, C.K. Extreme learning machine: Theory and applications. Neurocomputing 2006, 70, 489–501. [Google Scholar] [CrossRef]
  58. Zhong, Z.; Jin, L.; Xie, Z. High performance offline handwritten chinese character recognition using googlenet and directional feature maps. In Proceedings of the 2015 13th International Conference on Document Analysis and Recognition (ICDAR), Tunis, Tunisia, 23–26 August 2015; pp. 846–850. [Google Scholar]
  59. Tran, D.; Ray, J.; Shou, Z.; Chang, S.F.; Paluri, M. Convnet architecture search for spatiotemporal feature learning. arXiv 2017, arXiv:1708.05038. [Google Scholar]
  60. Qassim, H.; Verma, A.; Feinzimer, D. Compressed residual-VGG16 CNN model for big data places image recognition. In Proceedings of the 2018 IEEE 8th Annual Computing and Communication Workshop and Conference (CCWC), Las Vegas, NA, USA, 8–10 January 2018; pp. 169–175. [Google Scholar]
  61. Wu, Z.; Shen, C.; Van Den Hengel, A. Wider or deeper: Revisiting the resnet model for visual recognition. Pattern Recognit. 2019, 90, 119–133. [Google Scholar]
  62. Goldberg, D.E.; Samtani, M.P. Engineering optimization via genetic algorithm. In Proceedings of the Ninth Conference on Electronic Computation, Birmingham, AL, USA, 23–26 February 1986; pp. 471–482. [Google Scholar]
  63. Zhao, W.; Wang, L.; Zhang, Z. Atom search optimization and its application to solve a hydrogeologic parameter estimation problem. Knowl. Based Syst. 2019, 163, 283–304. [Google Scholar] [CrossRef]
  64. Geem, Z.W.; Kim, J.H.; Loganathan, G.V. A new heuristic optimization algorithm: Harmony search. Simulation 2001, 76, 60–68. [Google Scholar] [CrossRef]
  65. Trelea, I.C. The particle swarm optimization algorithm: Convergence analysis and parameter selection. Inf. Process. Lett. 2003, 85, 317–325. [Google Scholar] [CrossRef]
  66. Mantas, J. Setting up an Easy-to-Use Machine Learning Pipeline for Medical Decision Support: A Case Study for COVID-19 Diagnosis Based on Deep Learning with CT Scans. Importance Health Inform. Public Health Dur. Pandemic 2020, 272, 13. [Google Scholar]
Figure 1. Statistics of confirmed, recovered and death cases of COVID-19 in some countries until 11th November [7].
Figure 1. Statistics of confirmed, recovered and death cases of COVID-19 in some countries until 11th November [7].
Diagnostics 11 00315 g001
Figure 2. Illustration of sample: (A) COVID Computed Tomography (CT) scan images, (B) non-COVID CT scan images, (C) COVID X-ray images, and (D) non-COVID X-ray images.
Figure 2. Illustration of sample: (A) COVID Computed Tomography (CT) scan images, (B) non-COVID CT scan images, (C) COVID X-ray images, and (D) non-COVID X-ray images.
Diagnostics 11 00315 g002
Figure 3. Workflow of the proposed Cluster-based Golden Ratio based Optimizer (CGRO) based feature selection approach for COVID-19 detection.
Figure 3. Workflow of the proposed Cluster-based Golden Ratio based Optimizer (CGRO) based feature selection approach for COVID-19 detection.
Diagnostics 11 00315 g003
Figure 4. Pictorial representation of our proposed approach of deep feature extraction from fine tuned ResNet18 network.
Figure 4. Pictorial representation of our proposed approach of deep feature extraction from fine tuned ResNet18 network.
Diagnostics 11 00315 g004
Figure 5. Flowchart of our proposed CGRO based FS algorithm.
Figure 5. Flowchart of our proposed CGRO based FS algorithm.
Diagnostics 11 00315 g005
Figure 6. Loss plot of different pre-trained Convolutional Neural Networks (CNNs) on COVID CT-Dataset.
Figure 6. Loss plot of different pre-trained Convolutional Neural Networks (CNNs) on COVID CT-Dataset.
Diagnostics 11 00315 g006
Figure 7. Loss plot of different pre-trained CNNs on SARS-Cov-2 dataset.
Figure 7. Loss plot of different pre-trained CNNs on SARS-Cov-2 dataset.
Diagnostics 11 00315 g007
Figure 8. Validation accuracy plots of different pre-trained CNNs for all previously mentioned COVID-19 datasets. In the figure from (AD) denotes the validation accuracy plots of COVID CT-Dataset, SARS-COV-2 CT-Scan Dataset, 2 calss and 3 class X-Ray dataset.
Figure 8. Validation accuracy plots of different pre-trained CNNs for all previously mentioned COVID-19 datasets. In the figure from (AD) denotes the validation accuracy plots of COVID CT-Dataset, SARS-COV-2 CT-Scan Dataset, 2 calss and 3 class X-Ray dataset.
Diagnostics 11 00315 g008
Figure 9. Results obtain by our proposed CGRO based FS algorithm using three different classifiers on: (A) COVID CT-Dataset, (B) SARS-Cov-2 CT-Scan dataset, (C) Chest X-ray 3-class of Muhammed Talo, and (D) Chest X-ray 2-class dataset of Muhammed Talo.
Figure 9. Results obtain by our proposed CGRO based FS algorithm using three different classifiers on: (A) COVID CT-Dataset, (B) SARS-Cov-2 CT-Scan dataset, (C) Chest X-ray 3-class of Muhammed Talo, and (D) Chest X-ray 2-class dataset of Muhammed Talo.
Diagnostics 11 00315 g009
Figure 10. Graph showing the variation of classification accuracies with respect to the initial population size. In the Figure (AD) denote the variations of COVID CT-Dataset, SARS-COV-2 CT-SCAN Dataset, 2 class and 3 class X-Ray dataset
Figure 10. Graph showing the variation of classification accuracies with respect to the initial population size. In the Figure (AD) denote the variations of COVID CT-Dataset, SARS-COV-2 CT-SCAN Dataset, 2 class and 3 class X-Ray dataset
Diagnostics 11 00315 g010
Figure 11. Graph showing the variation of classification accuracies with respect to the number of clusters for three COVID-19 datasets.
Figure 11. Graph showing the variation of classification accuracies with respect to the number of clusters for three COVID-19 datasets.
Diagnostics 11 00315 g011
Table 1. Features extracted from different layers of ResNet18 network.
Table 1. Features extracted from different layers of ResNet18 network.
LayerFeature MapAdaptive Average PoolFeature DimensionNumber of Features
Layer164 × 56 × 56YES64 × 1 × 164
Layer2128 × 28 × 28YES128 × 1 × 1128
Layer3256 × 14 × 14YES256 × 1 × 1256
Layer4512 × 7 × 7YES512 × 1 × 1512
Dimension of the final feature vector960
Table 2. The results obtained on Covid CT-Dataset using different models. Different parameters and obtained results with 4 layers features of ResNet18 are highlighted boldly in the table.
Table 2. The results obtained on Covid CT-Dataset using different models. Different parameters and obtained results with 4 layers features of ResNet18 are highlighted boldly in the table.
Deep Neural NetworkNo. of Features ObtainedNo. of Features Selected by CGROAccuracyPrecisionRecallF1 Score
GoogLeNet102445597.73%92%98%95%
VGG1625,08812,34591.27%88%90%90%
VGG1925,08814,75689.73%91%87%88%
ResNet1522048105995.46%91%96%97%
ResNet1851215296.32%97%97%94%
From 4 layers of ResNet1896032899.31%99%100%98%
Table 3. Results obtained on SARS-Cov-2 CT-scan dataset using different models. Different parameters and obtained results with 4 layers features of ResNet18 are highlighted boldly in the table.
Table 3. Results obtained on SARS-Cov-2 CT-scan dataset using different models. Different parameters and obtained results with 4 layers features of ResNet18 are highlighted boldly in the table.
Deep Neural NetworkNo. of Features ObtainedNo. of Features Selected by CGROAccuracyPrecisionRecallF1 Score
GoogLeNet102431296.15%95%98%92%
VGG1625,088947287.99%82%89%80%
VGG1925,08813,25590.41%87%92%87%
ResNet152204894496.77%92%92%95%
ResNet1851230195.41%94%95%95%
From 4 layers of ResNet1896025298.65%98%99%97%
Table 4. Results obtained on X-Ray 2-class dataset using different models. Different parameters and obtained results with 4 layers features of ResNet18 are highlighted boldly in the table.
Table 4. Results obtained on X-Ray 2-class dataset using different models. Different parameters and obtained results with 4 layers features of ResNet18 are highlighted boldly in the table.
Deep Neural NetworkNo. of Features ObtainedNo. of Features Selected by CGROAccuracyPrecisionRecallF1 Score
GoogLeNet102478994.57%91%95%95%
VGG1625,08816,78990.11%92%90%91%
VGG1925,08812,11186.11%88%82%84%
ResNet1522048156195.57%93%97%92%
ResNet1851210295.92%94%95%94%
From 4 layers of ResNet1896019999.44%99%100%98%
Table 5. The results obtained on X-ray 3-class dataset using different models. Different parameters and obtained results with 4 layers features of ResNet18 are highlighted boldly in the table.
Table 5. The results obtained on X-ray 3-class dataset using different models. Different parameters and obtained results with 4 layers features of ResNet18 are highlighted boldly in the table.
Deep Neural NetworkNo. of Features ObtainedNo. of Features Selected by CGROAccuracyPrecisionRecallF1 Score
GoogLeNet102454989.16%90%93%88%
VGG1625,08811,25983.54%84%81%82%
VGG1925,08814,17981.68%80%79%84%
ResNet1522048101890.99%93%91%88%
ResNet1851219791.22%92%94%93%
From 4 layers of ResNet1896021794.12%91%95%92%
Table 6. Comparative study of different optimization algorithms with proposed CGRO-based FS algorithm on the COVID CT-Dataset. The performance of proposed algorithm has been highlighted in bold text format.
Table 6. Comparative study of different optimization algorithms with proposed CGRO-based FS algorithm on the COVID CT-Dataset. The performance of proposed algorithm has been highlighted in bold text format.
Optimization AlgorithmNo. of Features SelectedAccuracyPrecisionRecallF1 Score
GA41295.53%96%93%97%
HSA33294.17%95%96%94%
ASO55796.44%95%97%92%
PSO22595.13%94%95%97%
GRO39797.77%98%99%98%
Proposed CGRO32899.31%99%100%98%
Table 7. Comparative study of different optimization algorithms with proposed CGRO based FS algorithm on SARS-Cov-2 CT-Scan dataset.The performance of proposed algorithm has been highlighted in bold text format.
Table 7. Comparative study of different optimization algorithms with proposed CGRO based FS algorithm on SARS-Cov-2 CT-Scan dataset.The performance of proposed algorithm has been highlighted in bold text format.
Optimization AlgorithmNo. of Features SelectedAccuracyPrecisionRecallF1 Score
GA50291.65%94%87%95%
HSA21192.17%91%93%94%
ASO44494.41%93%95%95%
PSO34596.98%96%95%95%
GRO31195.13%91%93%95%
Proposed CGRO25298.65%98%99%97%
Table 8. Comparative study of different optimization algorithms with proposed CGRO based FS algorithm on Chest X-Ray 2 class dataset. The performance of proposed algorithm has been highlighted in bold text format.
Table 8. Comparative study of different optimization algorithms with proposed CGRO based FS algorithm on Chest X-Ray 2 class dataset. The performance of proposed algorithm has been highlighted in bold text format.
Optimization AlgorithmNo. of Features SelectedAccuracyPrecisionRecallF1 Score
GA42690.13%88%90%91%
HSA35793.29%91%94%93%
ASO22997.44%95%98%96%
PSO51395.39%92%97%97%
GRO64396.92%95%93%96%
Proposed CGRO19999.44%99%100%98%
Table 9. Comparative study of different optimization algorithms with proposed CGRO based FS algorithm on Chest X-Ray 3 class dataset. The performance of proposed algorithm has been highlighted in bold text format.
Table 9. Comparative study of different optimization algorithms with proposed CGRO based FS algorithm on Chest X-Ray 3 class dataset. The performance of proposed algorithm has been highlighted in bold text format.
Optimization AlgorithmNo. of Features SelectedAccuracyPrecisionRecallF1 Score
GA49185.13%87%84%83%
HSA23181.11%79%82%82%
ASO49790.77%92%91%91%
PSO31989.77%92%91%90%
GRO41292.19%93%90%94%
Proposed CGRO21794.12%91%95%92%
Table 10. Performance comparison of our proposed approach with some existing works for COVID CT-Dataset. Maximum value is bolded.
Table 10. Performance comparison of our proposed approach with some existing works for COVID CT-Dataset. Maximum value is bolded.
Work ReferenceFeatureMethod of ClassificationAccuracy
Loey et al. [30]Deep featuresData augmentation with classical augmentation technique and CGAN82.91%
Jhao et al. [19]Pre-trained CNN learns by itselfTL by DenseNet161 + CSSL89.1%
Saeedi et al. [31]Deep features of DenseNet121Nu-SVM90.61% ± 5%
Sakagianni et al. [66]NAAutoML Cloud Version88.31%
Shaban et al. [32]GLCMHFSM and EKNN classifier96%
Proposed methodDeep features of ResNet18FS and classification using CGRO algorithm99.31%
Table 11. Performance comparison of our proposed approach with some existing works for SARS-Cov-2 CT-Scan dataset. Maximum value is bolded.
Table 11. Performance comparison of our proposed approach with some existing works for SARS-Cov-2 CT-Scan dataset. Maximum value is bolded.
Work ReferenceFeatureMethod of ClassificationAccuracy
Jaiswal et al. [33]Deep neural network learns relevant features by itselfDenseNet20196.25%
Soares et al. [20]Automated classification with deep xDNNxDNN97.38%
Soares et al. [20]Ensemble learning and classificationAdaboost95.16%
Panwar et al. [34]Deep neural architectureGrad-CAM95.61%
Proposed methodDeep features of ResNet18FS and classification using CGRO algorithm98.65%
Table 12. Performance comparison of our proposed approach with some existing works for Chest X-Ray dataset of Muhammed Talo. Maximum value is bolded.
Table 12. Performance comparison of our proposed approach with some existing works for Chest X-Ray dataset of Muhammed Talo. Maximum value is bolded.
Work ReferenceFeatureMethod of ClassificationAccuracy
Ozturk et al. [21]No traditional features were extracted, end-to-end deep neural network is proposedDarkCovidNet2-Class : 98.08% 3-Class: 87.02%
Abdulrahaman et al. [35]Deep features of hidden and visible layersDeep belief network3-Class: 90%
Proposed methodDeep features of ResNet18FS and classification using CGRO algorithm2-Class: 99.44% 3-Class: 94.12%
Table 13. Statistical comparison using McNemar’s test of our proposed CGRO algorithm with some existing SER methods.
Table 13. Statistical comparison using McNemar’s test of our proposed CGRO algorithm with some existing SER methods.
COVID-CT DatasetSARS-Cov-2 DatasetX-ray Dataset of Muhammed Talo
Competitor Algorithms (B)Control Algorithm (A)Competitor Algorithms (B)Control Algorithm (A)Competitor Algorithms (B)Control Algorithm (A)
a 01 a 10 Z i Status of Null Hypothesis a 01 a 10 Z i Status of Null Hypothesis a 01 a 10 Z i Status of Null Hypothesis
Loey et al.194.9RejectJaiswal et al.217126.1RejectOzturk et al.105529.78Reject
Jhao et al.2125.78RejectSoares et al.106639.8RejectAbdulrahaman  et al.8200.39Accept
Saeedi et al.1105.81RejectSoares et al.115023.67RejectNANANANANA
sakagianni et al.4209.37RejectPanwar et al.308928.26RejectNANANANANA
Shaban et al.370.9AcceptNANANANANANANANANANA
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Chattopadhyay, S.; Dey, A.; Singh, P.K.; Geem, Z.W.; Sarkar, R. COVID-19 Detection by Optimizing Deep Residual Features with Improved Clustering-Based Golden Ratio Optimizer. Diagnostics 2021, 11, 315. https://doi.org/10.3390/diagnostics11020315

AMA Style

Chattopadhyay S, Dey A, Singh PK, Geem ZW, Sarkar R. COVID-19 Detection by Optimizing Deep Residual Features with Improved Clustering-Based Golden Ratio Optimizer. Diagnostics. 2021; 11(2):315. https://doi.org/10.3390/diagnostics11020315

Chicago/Turabian Style

Chattopadhyay, Soham, Arijit Dey, Pawan Kumar Singh, Zong Woo Geem, and Ram Sarkar. 2021. "COVID-19 Detection by Optimizing Deep Residual Features with Improved Clustering-Based Golden Ratio Optimizer" Diagnostics 11, no. 2: 315. https://doi.org/10.3390/diagnostics11020315

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop