Introduction

The novel coronavirus (nCoV) infection aroused in Wuhan, China, and has extensively spread all over the world since January 2020 [1]. World Health Organization (WHO) declared the outbreak of nCoV as a “Public Health Emergency of International Concern” on 30 January 2020 [2]. WHO named this disease as coronavirus disease (COVID-19) February 2020 [2]. To date (1 April 2020), there are 859,965 confirmed cases all around the world with 42,344 deaths and 178,364 recovered [3]. COVID-19 severely affected the USA (188,592 cases), Italy (105,972 cases), Spain (95,923 cases), China (81,554 cases), Germany (71,808 cases), France (52,128 cases), and Iran (44,605 cases) [3, 4]. The second largest population country in the world, i.e., India, is also affected from COVID-19 and 1718 confirmed cases with fifty-two deaths on 1 April 2020. The specific symptoms of COVID-19 are fever (98%) and cough (76%) in addition to other non-specific symptoms such as fatigue (44%), headache (8%), and dyspnea (3%) [5, 6, 12].

There is a vital need to detect the disease at early stage and instantly quarantine the infected people due to unavailability of specific drugs for COVID-19. The Chinese Government reported that the diagnosis of COVID-19 is confirmed through real-time polymerase chain reaction (RT-PCR) [7]. However, RT-PCR suffers from high false-negative rates and time-consuming [7,8,9,10,11]. The low sensitivity of RT-PCR is not acceptable in the current epidemic situation. In some cases, the infected people may not be recognized and get suitable treatment on time. The infected people may get spread the virus to healthy people due to communicable nature of nCoV. It is observed from clinical reported of infected peoples that there is bilateral change in chest computed tomography (CT) images [8]. Therefore, chest CT has been used as alternative tool to detect the infection caused by nCoV due to high sensitivity [12]. The National Health Commission of China reported that chest CT can be utilized to detect the infection caused by nCoV [3]. A large amount of pathological information can be obtained from chest CT. The radiologists are required to analyze the images of chest CT. Hence, there is a necessity to develop a deep learning-based prediction technique for analysis of chest CT without intervention of radiologist.

The main objective of this paper is to classify COVID-19-infected patients from chest CT images. A novel deep learning model is designed by using multi-objective differential evolution (MODE) and convolutional neural networks (CNN) for classification of human beings based upon whether they are affected from COVID-19 or not. A multi-objective fitness function is designed to classify COVID-19-infected patients by considering sensitivity and specificity. The hyperparameters of CNN are optimized by using the MODE algorithm. The proposed model is trained by considering the chest CT images of COVID-19 patients. The comparisons between the proposed MODE-based CNN with the competitive models such as convolutional neural networks (CNN), adaptive neuro-fuzzy inference systems (ANFIS), and artificial neural networks (ANN) are also drawn by considering the well-known classification metrics.

The remaining paper is summarized as follows: the “Literature review” section discusses the existing literature in the field of COVID-19; proposed classification model is discussed in the “Proposed model” section; performance analyses are discussed in the “Performance analysis” section; the “Conclusion” section concludes the paper.

Literature review

Recently, researchers have perceived the imaging patterns on chest CT for detecting the COVID-19 in chest CT [13,14,15,16,17,18,19,20,21,22]. Fang et al. [14] studied the sensitivity of RT-PCR and chest CT during the detection of COVID-19. They analyzed the travel history and symptoms of 2 patients and found that the sensitivity of chest CT for detection of COVID-19 is much higher than RT-PCR. Xie et al. [13] also reported that the 3% of 167 patients had negative RT-PCR for COVID-19 detection. However, chest CT has better sensitivity of detection of COVID-19 over RT-PCR. Berheim et al. [23] studied 121 infected patients’ chest CT from four different centers of China. The relationship between CT scan and symptom onset is established. They found that the severity of disease increased with time from onset of symptoms and designated the signs of disease. Recently, deep learning techniques have been widely used in detection of acute pneumonia in chest CT images [23,24,25,26].

Li et al. [24] developed a deep learning model named as COVNet to extract visual features from chest CT for detection of COVID-19. They used visual features to distinguish between community acquired pneumonia and other non-pneumonia lung diseases. However, COVNet is unable to categorize the severity of this disease. Gozes et al. [25] developed an artificial intelligence-based CT analysis tool for detecting and quantification of COVID-19. The system extracted slice of opacities in the lungs automatically. The developed system achieved 98.2% sensitivity and 92.2% specificity. The output of system provides quantitative opacity measure and 3D volume display for opacities. The system is robust against pixel spacing and slice thickness [25]. Shan et al. [26] developed a deep learning-based system named VB-net for automatic segmentation of all the lung and infection sites using chest CT. Xu et al. [8] developed a prediction model to discriminate COVID-19 pneumonia and influenza-A viral pneumonia using deep learning techniques. The CNN model was used for prediction. The maximum accuracy obtained from prediction model was 86.7%. Wang et al. [9] investigated the radiographic changes in CT images of infected patients. They developed a deep learning-based prediction model that utilizes the modified inception transfer learning technique. The features are extracted from CT images for prior diagnosis. The accuracy of 89.5% obtained from this method is better than Xu’s model [8] and saved time for diagnosis. Narin et al. [11] proposed an automatic deep convolution neural network–based transfer models for prediction of COVID-19 in chest X-ray images. They used InceptionV3, Inception-ResNetV2, and ResNet50 models for better prediction. The ResNet50 pre-trained model produced accuracy of 98%, which is higher than [8, 9]. Sethy et al. [10] developed a deep learning model for detecting COVID-19 from X-ray images. They extracted deep features and transferred them to support vector machine for classification. The accuracy of 95.38% obtained from the proposed model, which is better than [8, 9].

From the extensive review, it has been found that the chest CT images can be used for early classification of COVID-19-infected patients [27]. Therefore, in this paper, computational models are used to classify COVID-19 patients from chest CT images.

Proposed model

This section discusses the proposed multi-objective differential evolution (MODE)–based convolutional neural networks (CNN) for classification of COVID-19-infected patients from chest CT images. In this paper, initially, CNN, ANN, and ANFIS models are implemented to classify COVID-19-infected patients from chest CT images. These models provide good performance for classification of COVID-19 patients. Although, CNN provides good results, but it suffers from hyperparameters tuning issue.

Convolutional neural networks

Convolutional neural networks (CNN) [28] is a powerful tool which is extensively utilized for image classification. The hierarchical structure and efficient feature extraction characteristics from an image make CNN a dynamic model for image classification. Initially, the layers are organized in three dimensions: width, height, and depth. The neurons in given layer do not attach to entire set of neurons in the later layer, but only to a limited neurons of it. Finally, an output is diminished to a single vector of probability scores, coordinated alongside the depth dimension. The training and testing frameworks of the deep convolutional models for COVID-19 classification is shown in Fig. 1. It demonstrates that the CNN classifier utilizes various layers for model building and testing purpose.

Fig. 1
figure 1

Block diagram of the training process of the CNN-based COVID-19 classification model

For classification of COVID-19-infected patients, features of chest CT images are used to accurately classify the patients whether they belong to infected class or not. The process of chest CT image based COVID-19 from disease classification also involves repeated classification calculations and computations. To classify COVID-19-infected patients by using the CNN model, the following steps are used:

  1. A.

    Feature extraction

In this step, CNN implements several convolutions and pooling operations to evaluate and monitor potential features [29]. Figure 2 shows how kernel/filter can extract potential features by using the stride.

Fig. 2
figure 2

Convolution operator with kernel size 3 and stride 2

Max pooling layer is then utilized to minimize the spatial size of the convolved features. It has an ability to overcome the overfitting issue. It considers maximum of the region from feature map obtained from convolution operator [30]. Figure 3 shows an example of a max pooling layer’s with a kernel size of 2 and stride of 1.

Fig. 3
figure 3

Max pooling with one pooled feature

Rectified linear unit (ReLU) activation function is used to learn complex functional mappings between the inputs and response variables [31, 32]. It is a linear function that produces the input directly if it is positive; otherwise, it will output zero (see Fig. 4).

Fig. 4
figure 4

Rectified linear unit (ReLU) activation function

  1. B.

    Classification

In this step, fully connected layers act as a classifier. It utilizes extracted features and evaluates probability for object in the image [33]. Usually, activation function and dropout layer are utilized to establish non-linearity and minimize overfitting, respectively [34]. Figure 5 shows the fully connected layer used for the classification process.

Fig. 5
figure 5

Fully connected layer

Multi-objective fitness function

From literature review, it has been found that CNN suffers from hyperparameter tuning issues. These hyperparameters are kernel size, kernel type, stride, padding, hidden layer, activation functions, learning rate, momentum, number of epochs, and batch size. Therefore, the tuning of these parameters is desirable. In this paper, a multi-objective fitness function is designed as:

$$ f(t)={S}_n+{S}_p $$
(1)

Here, Sn and Sp define the sensitivity and specificity parameters, respectively.

Sensitivity, i.e., true positive rate, computes the ratio of actual positives that are correctly classified. Confusion matrix is utilized to evaluate the sensitivity (Sn) and it is mathematically evaluated as [35]:

$$ {S}_n=\frac{T_p}{T_p+{F}_n} $$
(2)

Here, Tp and Fn define true positive and false-negative values, respectively. Sn lies within [0, 100]. Sn approaching towards 100 is desirable [36].

Specificity (Sp) computes the proportion of actual negatives that are correctly identified and it can be estimated as [37]:

$$ {S}_p=\frac{T_n}{T_n+{F}_p} $$
(3)

Here, Tn and Fp, define true negative rate and false-positive values, respectively. Sn lies within [0, 100]. Sp approaching towards 100 is desirable [38].

Multi-objective differential evolution

The idea of differential evolution (DE) was coined by Storn and Price [39] in 1995. DE has got its inspiration from Darwin’s theory of evolution and natural selection. Over the time, many DE variants have been introduced [40,41,42]. DE algorithm has proven its potency in various domains [41, 43,44,45]. In DE algorithm, the population of candidate solution evolves iteratively using mutation, crossover, and selection operation to find out the best available solution [42]. This evolution from one generation to another ensures that the individual has better qualities remains part of the population and weak individuals are removed with each iteration [43]. The quality of each individual is calculated with the help of a predefined fitness/objective function [44].

For optimizing a problem with DE, the population (NP) of candidate solutions (having predefined upper and lower bound) is initialized randomly. Each individual of the population represented as xa consists of D variables. Mutation, crossover, and selection operations for this population are carried out as follows [39, 45]:

  1. A.

    Mutation operation

In this phase, a mutant/donor vector (Va) is created for each target vector (Xa) in the population as:

$$ {V}_{a,g}={x}_{r1,g}+F\left({x}_{r2,g}-{x}_{r3,g}\right) $$
(4)

Here, g represents generation. F is scaling factor/ mutation parameter. F amplifies the difference vector and lies within [0, 1]. r1, r2, and r3 are randomly chosen numbers from [1, NP] such that r1 ≠ r2 ≠ r3 ≠ a.

The best vector of the population can also be used to produce mutant vector [46] as:

$$ {V}_{a,g}={x}_{\mathrm{best},g}+F\left({x}_{r1,g}-{x}_{r2,g}\right) $$
(5)
  1. B.

    Crossover operation

The crossover could be binomial or exponential. In both, the trial vector, denoted by U, is created with the combination of mutant vectors and target vectors according to predefined conditions. Binomial crossover is performed as:

$$ {U}_{b,a,g\kern0.75em =\kern1em }\left\{\begin{array}{c}{V}_{b,a,g}\kern2.25em if\ {\operatorname{rand}}_{a,b}\ \left[0,1\right]\le \kern0.5em {C}_R\kern0.75em or\kern0.5em b={b}_{\operatorname{rand}\kern0.5em }\\ {}{X}_{b,a,g}\kern15.75em \mathrm{Otherwise}\end{array}\right. $$
(6)

Here, CR is crossover rate in the range [0,1]. a = 1, 2, …. , NP and b = 1, 2, …. , D. brand are a randomly selected variable of the mutant vector which ensure that the trial vector is not simply a replica of target vector. In exponential crossover also, a random variable is chosen initially, and e consecutive components are chosen circularly from donor/mutant vector. The probability with which, ith element is replaced in {1, 2, …., e}, decreases exponentially as i increases. The pseudo-code for exponential crossover is as follows:

Algorithm 1 Exponential crossover

figure a
  1. C.

    Selection operation

In this phase, the decision vector will move to the next generation. This greedy selection depends upon the fitness value of the decision vector. The vector with better fitness participates further in evolution of the next generation (g+1). The selection operation is carried out as:

$$ {X}_{a,g+1}=\left\{\begin{array}{c}{U}_{a,g}\kern4em if\kern1em f\left({U}_{a,g}\right)\le f\left({x}_{a,g}\right)\\ {}{X}_{a,g}\kern4em \mathrm{Otherwise}\end{array}\right. $$
(7)

The above-mentioned operations are performed on the population until the termination criteria is satisfied. The termination condition for DE can be determined by the number of iterations or the maximum number of function evaluations.

Performance analysis

The proposed COVID-19 classification model is implemented using MATLAB 2019a software with deep learning toolbox. Intel Core i7 with 16-GB RAM and 4-GB graphics card is used. 20.80 cross-validation is used to prevent the overfitting problem. Various variations of training and testing dataset ratio such as 20,80%, 30:70%, 40:60%, 50:50%, 60:40%, 70:30%, 80:20%, and 90:10%, respectively are considered for experimental purpose. The proposed model is compared with CNN, ANFIS, and ANN models. Table 1 shows the initial parameters of MODE to tune CNN.

Table 1 Initial parameters of the MODE algorithm

COVID-19 chest CT images dataset

The 2019 novel coronavirus (COVID-19) shows a number of unique characteristics. COVID-19’s infection can be classified by considering the polymerase chain reaction. It is found that the COVID-19-infected patients show some pattern on chest CT images which is not easily detectable by human eye. COVID-19 patients present abnormalities in chest CT images with most having bilateral involvement. Bilateral multiple lobular and subsegmental areas of consolidation constitute the typical findings in chest CT images of intensive care unit (ICU) patients on admission. In comparison, non-ICU patients show bilateral ground-glass opacity and subsegmental areas of consolidation in their chest CT images. In these patients, later chest CT images display bilateral ground-glass opacity with resolved consolidation [27]. Therefore, in this paper, chest CT images dataset is used to classify the COVID-19.

Figure 6 shows different chest CT images COVID-19-infected patients. Figure 6a shows an axial CT image of mild type patient (2 days from symptom onset to CT scan). It demonstrates thickening of the lung texture. Figure 6b shows an axial CT image of common type patient (6 days from symptom onset to CT scan). It illustrates multiple ground-glass opacities in both lungs. Figures 6c shows an axial CT image of severe type patient. It demonstrates extensive ground-glass opacities and pulmonary consolidation, enlargement of bronchi, and vessels. Figure 6d demonstrates an axial CT image of critical type patient (9 days from symptom onset to CT scan). It illustrates extensive ground-glass opacities in several lobes, formatting “white lung.”

Fig. 6
figure 6

COVID-19 patient chest CT images (adapted from [20]) (ad)

Quantitative analysis

Figure 7 shows the confusion matrix analysis of the proposed and the competitive models for COVID-19 disease classification. It is found that the proposed MODE-based CNN model outperforms the competitive models as it has better, and consistent true positive and true negative values as compared with other models. Also, it shows that the proposed model has lesser false-negative and false-positive values. Therefore, the proposed model can efficiently classify the COVID-19 patients.

Fig. 7
figure 7

Confusion matrix (i.e., error matrix) analysis of a ANN, b ANFIS, c CNN, and the proposed MODE-based CNN model

Receiver operating characteristic (ROC) is a performance measurement curve for classification problem by considering number of threshold values. It is defined as a probability curve that defines the degree separability between two classes such COVID-19 (+) and COVID-19 (−). It evaluates the performance of classification models for distinguishing between COVID-19 (+) and COVID-19 (−). Higher the ROC, better the classification model is at classifying COVID-19 (+)s as COVID-19 (+)s and vice versa. Figure 8 shows the obtained ROC of the proposed and competitive classification models. It clearly shows that the proposed model achieves good results as compared with the competitive models.

Fig. 8
figure 8

Receiver operating characteristic (ROC) analysis

Accuracy is computed by dividing the accurately classified classes by total number of classes. It is a primary measure to compute the performance of classification problems. Figure 9 shows the accuracy analysis between the proposed and competitive classification models. It clearly shows that the proposed model achieves significantly more accuracy as compared with the competitive classification models. The proposed model outperforms competitive models by 1.9789%.

Fig. 9
figure 9

Accuracy analysis of the proposed and competitive COVID-19 classification models

F-measure is a well-known measure which can provide significant details of classification problems especially when data contain imbalanced classes. It calculates weighted harmonic mean of the recall and precision. Figure 10 demonstrates the F-measure analysis between the proposed and competitive classification models. It reveals that the proposed model achieves significantly more F-measure as compared with the competitive classification models. The proposed model outperforms competitive models by 2.0928%.

Fig. 10
figure 10

F-measure analysis of the proposed and competitive COVID-19 classification models

Sensitivity computes the performance of the COVID-19 (+) cases only. Thus, this test identifies very patient who is actually infected from COVID-19 disease. Figure 11 shows the sensitivity analysis between the proposed and competitive classification models. It reveals that the proposed model achieves significantly more sensitivity as compared with the competitive classification models. The proposed model outperforms competitive models by 1.8262%.

Fig. 11
figure 11

Sensitivity analysis of the proposed and competitive COVID-19 classification models

Specificity evaluates the performance of the COVID-19 (−) cases only. Thus, this test identifies every patient who is not infected from COVID-19 disease. Figure 12 depicts the specificity analysis between the proposed and competitive classification models. It reveals that the proposed model achieves significantly more specificity as compared with the competitive classification models. The proposed model outperforms competitive models by 1.6827%.

Fig. 12
figure 12

Specificity analysis of the proposed and competitive COVID-19 classification models

Kappa statistics is a performance metric used to evaluate the linear inter-rater reliability. It is also known as a reliable measure. It considers expected value by subtracting it from the classification success. Figure 13 depicts the Kappa statistics analysis between the proposed and competitive classification models. It reveals that the proposed model achieves significantly more Kappa statistics values as compared with the competitive classification models. The proposed model outperforms competitive models by 1.9276%.

Fig. 13
figure 13

Kappa statistics analysis of the proposed and competitive COVID-19 classification models

Conclusion

In this paper, a COVID-19 disease classification model is proposed to classify the infected patients from chest CT images. Initially, the chest CT dataset of COVID-19-infected patients is decomposed into training and testing groups. The training dataset is utilized for building the COVID-19 disease classification model. The proposed MODE-based CNN and competitive classification models are applied on the training data. To prevent the overfitting, 20-fold cross-validation is also utilized. Finally, the comparisons are drawn between the competitive and proposed classification models by considering different fractions of training and testing dataset. Extensive experimental results reveal that the proposed model outperforms competitive models, i.e., ANN, ANFIS, and CNN models in terms of accuracy, F-measure, sensitivity, specificity, and Kappa statistics by 1.9789%, 2.0928%, 1.8262%, 1.6827%, and 1.9276%, respectively. Therefore, the proposed model is useful for real-time COVID-19 disease classification from chest CT images.