Next Article in Journal
Association of Upper Lip Morphology Characteristics with Sagittal and Vertical Skeletal Patterns: A Cross Sectional Study
Next Article in Special Issue
Predicting Mechanical Ventilation and Mortality in COVID-19 Using Radiomics and Deep Learning on Chest Radiographs: A Multi-Institutional Study
Previous Article in Journal
Antibodies against SARS-CoV-2 Time Course in Patients and Vaccinated Subjects: An Evaluation of the Harmonization of Two Different Methods
Previous Article in Special Issue
Residual-Shuffle Network with Spatial Pyramid Pooling Module for COVID-19 Screening
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

CSGBBNet: An Explainable Deep Learning Framework for COVID-19 Detection

1
School of Computing and Mathematical Sciences, University of Leicester, Leicester LE1 7RH, UK
2
Department of Civil and Coastal Engineering, University of Florida, Gainesville, FL 32608, USA
*
Authors to whom correspondence should be addressed.
Submission received: 17 August 2021 / Revised: 9 September 2021 / Accepted: 15 September 2021 / Published: 18 September 2021

Abstract

:
The COVID-19 virus has swept the world and brought great impact to various fields, gaining wide attention from all walks of life since the end of 2019. At present, although the global epidemic situation is leveling off and vaccine doses have been administered in a large amount, confirmed cases are still emerging around the world. To make up for the missed diagnosis caused by the uncertainty of nucleic acid polymerase chain reaction (PCR) test, utilizing lung CT examination as a combined detection method to improve the diagnostic rate becomes a necessity. Our research considered the time-consuming and labor-intensive characteristics of the traditional CT analyzing process, and developed an efficient deep learning framework named CSGBBNet to solve the binary classification task of COVID-19 images based on a COVID-Seg model for image preprocessing and a GBBNet for classification. The five runs with random seed on the test set showed our novel framework can rapidly analyze CT scan images and give out effective results for assisting COVID-19 detection, with the mean accuracy of 98.49 ± 1.23%, the sensitivity of 99.00 ± 2.00%, the specificity of 97.95 ± 2.51%, the precision of 98.10 ± 2.61%, and the F1 score of 98.51 ± 1.22%. Moreover, our model CSGBBNet performs better when compared with seven previous state-of-the-art methods. In this research, the aim is to link together biomedical research and artificial intelligence and provide some insights into the field of COVID-19 detection.

1. Introduction

In February 2020, the World Health Organization (WHO) named the cause of the Coronavirus Disease 2019 (COVID-19) as SARS-CoV-2 [1], which is a novel coronavirus that firstly been found in the human body. This virus shares a structural similarity of 87.1% [2] to the SARS-related virus found in bats, and 79.5% [3] to the SARS virus, which means novel coronavirus and SARS coronavirus belong to the same family of viruses but are not the same.
According to the latest real-time statistics reported by the WHO in Figure 1, as of 10:37 a.m. Central European Summer Time (CEST) on 9 August 2021, there have been 202,296,216 confirmed cases of COVID-19 and 4,288,134 confirmed deaths over 225 countries, areas, or territories. Although vaccine doses have been administered in significant numbers, newly reported confirmed cases and deaths are still emerging every day.
From the current epidemiological investigation for COVID-19 [4], the patient of latent period and some confirmed patients has no difference in appearance with the normal person but still has infectivity. Therefore, it is urgent to expand the coverage of COVID-19 inspection, accelerate the speed of detection, improve the accuracy of detecting infected persons including the asymptomatic infected persons as early as possible to avoid secondary transmission [5]. However, at present, based on a variety of practical considerations, several countries around the world are trying to relax social restrictions, which poses great challenges to COVID-19 detection level, especially in places with high traffic density such as customs, airports, and stations. Thus, to quickly improve the COVID-19 diagnostic level, scientists and medical institutions worldwide are actively engaged in in-depth research into the COVID-19 diagnosis.
At present, the commonly used standard method of COVID-19 detection is the reverse transcription-polymerase chain reaction (RT-PCR) test. Nevertheless, RT-PCR usually takes up two days to complete and sometimes needs repetition or some other auxiliary detection approach in test to exclude potential false negatives [6]. Care also needs to be taken during testing to prevent environmental contamination of the samples. Therefore, to improve the efficiency of COVID-19 detection, many medical institutions consider chest computed tomography (CT) scan as an early diagnostic tool for suspected coronavirus infection. Chest CT is a common basic diagnostic technique for pneumonia, which uses X-ray CT to examine the chest [7]. Fang, Zhang [6] compared the sensitivity of chest CT and RT-PCR in COVID-19 detection. The results indicate that chest CT is an effective method for screening COVID-19 patients, especially those who are tested negative for RT-PCR.
However, manual labelling and diagnosing of CT images may be time-consuming and labour-intensive. Human experts may also misdiagnose due to some external interference or subjective factors, especially when the lesion degree is mild. Hence, using computer-aided technologies to assist expert diagnosis has become a good choice [8,9]. Deep learning technology has also far achieved many contributions in dealing with CT images. Onishi, Teramoto [10] proposed a novel deep learning system that combined a deep convolutional neural network and generative adversarial networks for pulmonary-nodule classification. Wang, Shen [11] presented a raw patch-based convolutional neural network for the detection of lung nodules. Peng, Kang [12] used a residual convolutional neural network for predicting the response of transarterial chemoembolization in hepatocellular carcinoma. As displayed in Table 1, three pieces of the latest research from Wang and Wong [13], Dey, Rajinikant [14], and Abbas, Abdelsamea [15] provide systematic reviews of deep learning techniques in detecting COVID-19. These all prove that deep learning methods can well approximate expert skills, and at the same time find novel relationships not already apparent to humans.
GoogLeNet is a classic deep learning structure proposed by Szegedy, Ioffe [16]. Our novel model was proposed based on transfer learning from GoogLeNet. In addition, to prevent gradient explosion or dispersion and keep most activation functions away from their saturated region, more batch normalization relevant blocks were added into the newly designed layers. In this way, the robustness of the model to different hyperparameters during training will be improved and the optimization process will become smoother. This smoothness makes the behavior of the gradient more predictable and stable, allowing for faster training [17].
When dealing with deep neural networks, the selection of hyperparameters is always a problem. Manual parameter tuning is time-consuming and may not achieve optimal results. The advantage of Bayesian Optimization (BO) in parameter tuning is sample efficiency. In other words, if we consider one step as training the neural network with a set of hyperparameters, BO can find a better choice of hyperparameters with very few steps. In addition, BO does not ask for the gradient, which is difficult to be obtained from the hyperparameter of the neural network under general circumstances. These two benefits make BO become the algorithm we chose to tune the neural network in this experiment.
In this study, we linked biomedical research and artificial intelligence together to propose a novel, rapid, stable deep learning framework called CSGBBNet with excellent accuracy for distinguishing between COVID-19 patients and healthy people. There are four main improvements in our study. The first is we proposed a novel image pre-processing model—COVID-Seg based on the Maximum entropy threshold segmentation method, which can accurately outline the lung area. The ‘COVID’ here stands for ‘COVID-19 detection’, and the ‘Seg’ signifies ‘Segmentation process’. The second is, in this COVID-Seg model, we introduced an ‘erosion and dilation’ based process to refine the output segmented image. This is the first time this combination of techniques being applied to the COVID-19 detection field, and the results show that this COVID-Seg model has a very significant effect on improving the model performance. Thirdly, we presented a novel GBBNet through restructuring, retraining the GoogLeNet model, and adding more batch normalization relevant blocks into it. The fourth is, in our GBBNet, we used Bayesian Optimization as the hyperparameter tuning algorithm to find a better choice of hyperparameters rapidly. In the name ‘GBBNet’, the ‘G’ represents ‘GoogLeNet’; the first ‘B’ stands for ‘Batch normalization relevant blocks’; the second ‘B’ stands for ‘Bayesian Optimization’. These four improvements can help enrich the performance of our model specially built for COVID-19 detection. Section 2, Section 3, Section 4 and Section 5 will introduce the dataset, methodology, experimental results, and conclusions of our study, respectively.

2. Dataset

The dataset named ‘COVID Academic’ is from [18]. It consists of 196 slice images and have been carefully labelled by human experts from the Fourth People’s Hospital of Huai’an City. It can be divided into two parts: one part of 98 CT scan images from patients with novel coronavirus pneumonia and the other part of 98 CT scan images from healthy control (HC). The example images are displayed in Figure 2. The instrument and settings for the CT acquisition are Philips Ingenuity 64 row spiral CT machine, Mas: 240, KV: 120, layer spacing 3 mm, layer thickness 3mm, Mediastinum window (Width, Level: 350, 60 in Hounsfield units), thin layer reconstruction according to the lesion display. The slice images using the agreed slice level selection (SLS) method: (i) selecting the slice with the largest size and number of lesions for the patients with COVID-19 and (ii) for the normal cases, any level of the slice can be chosen. Through utilizing this SLS method, 196 slice images were extracted with a resolution of 1024 × 1024 from COVID-19 patients and healthy people.

3. Methodology

The abbreviation list and symbol list for this section are shown in Table 2 and Table 3.

3.1. Preprocessing

Preprocessing has shown many benefits in medical image analysis [9,19]. We presented a novel model—COVID-Seg for segmenting lung regions in each CT image. Tissues regions other than the lung regions, such as the regions of heart, ribs, and thoracic vertebrae, were removed because no changes in the CT image will appear if these regions were infected by the COVID-19 virus. Taking the Figure 2 images as input examples, the general process of the COVID-Seg model is illustrated in Figure 3.
In this model, we first utilized the maximum entropy threshold segmentation method to obtain the preliminary mask of lung regions by classifying each pixel in the image [20,21], which will be discussed later in Section 3.1.1. After that, we refined the mask via some appropriate image processing techniques such as ‘erosion and dilation-based process’, which will be discussed later in Section 3.1.2.
In this study, the COVID-Seg model can help remove the background interference factors such as the regions of the heart, ribs, and thoracic vertebrae, and thus improves the classification performance [22]. The basic steps for the COVID-Seg model are as follows:
Step 1: Import the raw image set and store them into variable T R .
Step 2: Resize the images to the same size. Since the neural network receives inputs of the same size [23], all images need to be resized to a fixed size before inputting them into the neural network. 224 × 224 is a very suitable choice for the pre-trained model in our research.
T 1 = F r e s i z e ( T R )
where F r e s i z e refers to a function of resizing the images to the same size.
Step 3: Use the Maximum entropy threshold segmentation-based method to obtain the preliminary mask set.
T 2 = F m e t s ( T 1 )
where F m e t s refers to a function of utilizing the Maximum entropy threshold segmentation-based method.
Step 4: To refine the preliminary mask, we set the different sizes of erosion and dilation squares and apply ‘erosion and dilation-based process’ to the mask.
T 3 = F e d ( T 2 )
where F e d refers to a function of ‘erosion and dilation-based process’.
Step 5: Remove unwanted connectivity areas of the mask and then make an inversion of the values in the mask (change all the ‘0’ into ‘1’ and all the ‘1’ into ‘0’) to obtain the final refined mask set. This inversion needs to be taken for letting the areas we are interested in and want to retain in the mask be set to ‘1’ and the areas we want to remove in the mask be set to ‘0’.
T 4 = F c r w c ( T 3 )
where F c r w c refers to a function of choosing and retaining the wanted connectivity areas.
Step 6: Conduct element-wise multiplication between the final refined mask set and the original image set to output the segmented image set.
T S e g = F c o m b ( T 4 , T R )
where F c o m b refers to a function of conducting an element-wise multiplication process (.*) between the final refined mask and the original image to get the final segmented image.
For easier understanding, the pseudocode of our proposed COVID-Seg model is listed in Algorithm 1.
Algorithm 1 Pseudocode of our proposed COVID-Seg model
Input: Original Image set T R
Phase I: Resize Resize the images to 224 × 224: T 1 = F r e s i z e ( T R ) ;
Phase II: Apply Segmentation
Apply Maximum entropy threshold segmentation-based method to obtain the preliminary mask set: T 2 = F m e t s ( T 1 ) ;
Phase III: Refine
Erode and dilate the mask: T 3 = F e d ( T 2 ) ;
Remove unwanted connectivity areas of the mask and make an inversion of the values in the mask to obtain the final refined mask set: T 4 = F c r w c ( T 3 ) ;
Phase IV: Combine
Combine the final refined mask set and the original image set together to obtain the segmented image set: T S e g = F c o m ( T 4 , T R ) .
Output: The segmented image set T S e g

3.1.1. Improvement 1: Using Maximum Entropy Threshold Segmentation-Based Method to Get the Preliminary Mask

Maximum entropy threshold segmentation [21] was utilized to help classify each pixel in the given image and remove the background interference factors, and thus improves the classification performance. An illustration of the histogram graph for Figure 1a is shown in Figure 4.
Assuming an image I contains N pixels, the probability p ( i ) of the occurrence of the pixel value equals i in the image can be defined as:
p ( i ) = h ( i ) N           s . t .   0 i < k   , i = 0 k 1 h ( i ) = N
where h(i) is the y-axis value in Figure 4 and refers to the frequency of the pixel value equals i in the image; i stands for the x-axis value in Figure 4 and typically takes integer values from 0 to 255; k stands for the limited range of pixel value (e.g., 256).
The cumulative distribution function P() can be defined as:
P ( i ) = H ( i ) H ( k 1 ) = H ( i ) N = j = 0 i h ( j ) N = j = 0 i p ( j )           s . t . 0 i < k
where H stands for the cumulative histogram corresponding to the cumulative probability.
The probability of the occurrence of each gray level x (with the abscissa value of I as u, and the ordinate value of I as v) can be expressed as:
p ( x ) = p ( I ( u , v ) = x )
Because all probabilities need to be known in advance, these probabilities are also called prior probabilities which can be estimated by observing the frequency of the corresponding gray value in one image or more images. The probability vectors for k different gray values, x = 0, …, k − 1 can be expressed as: p ( 0 ) ,   p ( 1 ) ,   ,   p ( k 1 ) . According to Equation (6), the probability distribution p(x) of the image is:
p ( x ) = h ( x ) N           s . t . 0 x < k ,   0 < p ( x ) < 1
According to Equation (7), the corresponding cumulative probability distribution function is:
P ( x ) = i = 0 x h ( x ) N = i = 0 x p ( i )       s . t .   P ( 0 ) = p ( 0 ) , P ( k 1 ) = 1
Given an estimated probability density function p(x) in the digital image, the entropy in the digital image can be defined as:
H ( I ) = u , v p ( I ( u , v ) ) log b { 1 p ( I ( u , v ) ) } = u , v p ( x ) log b ( p ( x ) )
Given a specific threshold y (0 ≤ y < k − 1), for the two image regions Y 0 and Y 1 segmented by this threshold, the estimated probability density function can be expressed as:
Y 0 : ( p ( 0 ) P 0 ( y )   p ( 1 ) P 0 ( y )   p ( y ) P 0 ( y )   0   0 0 ) , Y 1 : ( 0   0 0   p ( y + 1 ) P 1 ( y )   p ( y + 2 ) P 1 ( y )   p ( k 1 ) P 1 ( y ) )
P 0 ( y ) = i = 0 y p ( i ) = P ( y ) ,   P 1 ( y ) = i = y + 1 k 1 p ( i ) = 1 P ( y )
where P 0 ( y ) and P 1 ( y ) respectively represent the cumulative probability of background and foreground pixels segmented by y threshold, and the sum of them is 1.
The corresponding entropy of background and foreground are shown as follows:
H 0 ( y ) = j = 0 y p ( i ) P 0 ( y ) log ( p ( i ) P 0 ( y ) )   , H 1 ( y ) = i = y 1 k 1 p ( i ) P 1 ( y ) log ( p ( i ) P 1 ( y ) )
Under this threshold, the total entropy of the image is:
H ( y ) = H 0 ( y ) + H 1 ( y )
Subsequently, we calculated the total entropy of the image under all the segmentation thresholds and then found out the maximum entropy. The final threshold should be the segmentation threshold corresponding to the maximum entropy. The pixel in the image whose gray value is larger than this threshold would act as the foreground, and the pixel whose gray value is smaller than the threshold would act as the background [24].

3.1.2. Improvement 2: Using Erosion and Dilation-Based Technique to Refine the Mask

However, in the mask set produced by entropy threshold segmentation, there is a severe problem that some lesion regions that contain useful information have been eliminated together with the heart, ribs, and thoracic vertebrae. Hence, to refine the mask, we utilized a method based on the Erosion and Dilation processing technique, which is a collection of nonlinear operations related to the morphology of objects in an image. This method relies only on the relative ordering, rather than the numerical values of pixel values, and thus is especially suited to the processing of binary images—the mask images [25,26]. Through utilizing this technique, we probed each mask by positioning a small structuring element at all possible locations in the mask, then compared that element with the corresponding neighborhood of pixels, and finally conducted the refining process.
Erosion with small (e.g., 2 × 2–5 × 5) square structuring elements can shrink the object by stripping away a layer of pixels from both the inner and outer boundaries of regions. Through utilizing erosion, we can let the holes and gaps between different regions become larger to eliminate some useless small details in the mask. While dilation has the opposite effect to erosion—it adds a layer of pixels to both the inner and outer boundaries of regions. Through utilizing dilation, we can make the holes enclosed by a single region, the gaps between different regions become smaller, and let the small intrusions into boundaries of a region be filled in [27,28]. Results of dilation or erosion are influenced by both the size and iterated utilization times of a structuring element: A larger structuring element and more times of utilization would bring a more pronounced effect. Furthermore, the result of erosion or dilation with a larger structuring element will be similar to the result obtained by iterated erosion or dilation using a smaller structuring element of the same shape. In other words, if s1 and s2 are a pair of structuring elements identical in shape, with s2 twice the size of s1, then
f s 2 ( f s 1 ) s 1
where f s denotes a new binary image produced from the erosion of a binary image f by a structuring element s.
We worked on adjusting the size and utilization times of the structuring element to achieve our desired refined mask. For ‘COVID Academic’, after many attempts, we found that the most suitable refining method is:
r = ( p s 1 ) s 1 s 1 s 1
where r represents the refined mask, p represents the preliminary mask.
Since the dilation and erosion are dual operations that have opposite effects, when we found the mask have been excessively eroded, we added the dilation step to recover the useful information in the image through recovering the mask:
r = ( p s 1 ) s 1 s 1 s 1 s q
where q is the size of square structuring element which would be decided according to different degrees of excessive erosion; f s denotes a new binary image produced from the dilation of a binary image f by a structuring element s.
In the following steps, we repeatedly used the algorithm of selecting the largest connected areas and made an inversion of the values in the mask to retain the areas we are interested in. A series of sample significant output we got from the erosion and dilation-based process is as displayed in Figure 5.

3.2. Transfer Learning Model

Many neural networks increase the depth to achieve better training performance. However, deepen the network will meanwhile bring several negative effects, e.g., overfitting, gradient disappearance, and gradient explosion. Unlike them, GoogLeNet improves the training results by making more efficient usage of computing resources [29,30].
We restructured and retrained the GoogLeNet by replacing the layers after Inception Block 5b with our newly designed layers containing the Conv Block and incorporated the framework with Bayesian Optimization algorithm to propose a new network named GBBNet for the COVID-19 classification task.
The basic structure of GBBNet is illustrated in Figure 6. The numbers in the convolutional layer block and the max-pooling layer block represent the exact information of the layer. For instance, Conv 1 × 1 + 1 (V) represents a convolutional layer with 1 × 1 filter size, stride 1, and ‘valid’ padding; MaxPool 3 × 3 + 2 (S) represents a max-pooling layer with 3 × 3 filter size, stride 2, and ‘same’ padding.
The Inception Block structure, which can be seen in Figure 7a, is reserved for two advantages. On the one hand, utilizing a 1 × 1 convolution block can raise and lower the dimension. On the other hand, convolution and reintegration on multiple scales can be conducted at the same time, which saves much time [16,31]. After the inception structure, two new Conv Blocks with batch normalization layers as illustrated in Figure 7b were added. The reason would be discussed in Section 3.2.1.
Global average pooling then undertook the process of feature map reduction to convert a feature map of w × w × c to 1 × 1 × c. Subsequently, the original fully connected layer (FCL) was altered to a new randomly initialized FCL of two neurons since the original one was used to conduct 1000 categories classification for ImageNet. And the classes in that 1000 categories are not associated with the main classification task for our research. The new classification layer also only has two classes. (COVID-19 patient and healthy people). Next, we utilized a precomputation strategy for retraining [32]. We firstly set the cognate learning factor of specified layers to zero for freezing those layers and then calculated the activation maps at the last frozen layer, ‘inception_5b-output’ for all the images. Finally, we saved the feature maps to local disk and used them as input for training the trainable layers.

3.2.1. Improvement 3: Adding More Batch Normalization Relevant Blocks to Offset the Impact of Different Scales

In our research, if we tolerate the existence of covariate shift- the difference of characteristic distribution between different parts of the dataset, then the different distribution of input values would lead to the difference in input feature values. After multiplying the matrix with the weight, difference values with large deviation would be generated. Due to the reason that our deep learning network needs to be updated and improved through training, little changes in the difference value will have a deep impact on the back layer. The greater the deviation, the more obvious the impact will be. Therefore, to avoid these phenomena causing gradient divergence during backpropagation, we decided to add more batch normalization relevant blocks in the network to offset the impact of different scales and, at the same time improve the performance of our framework. BN can standardize the input values and reducing the scale differences to the same range, which brings two main benefits. On the one hand, this improves the convergence degree of gradient and speeds up the training speed. On the other hand, each layer can face the input value of the same characteristic distribution as far as possible, which reduces the uncertainty brought by changes and also reduces the influence on the back-end network, leading the network of each layer becomes relatively independent [33,34].
Assume BN is used to normalize the layer’s input X = { x 1 ,   x 2 ,   , x n   } to guarantee the output Y = { y 1 ,   y 2 ,   ,   y n } to have a uniform distribution [35]. The mini-batch mean µ can be calculated as
μ X = 1 n ( i = 1 n x i )
The mini-batch variance σ 2 can be calculated as
σ X 2 = 1 n i = 1 n ( x i μ X ) 2
The input xiX would be normalized to x i ˇ according to
x i ˇ = ( x i μ X ) ( σ X 2 + φ )
where φ is a constant added to the mini-batch variance to improve numerical stability and is set to 10 4 in our experiment.
And the transformation for achieving yiY would be as
y i = ξ x i ˇ + λ
where ξ and λ are two parameters going to be learned during training.
Afterwards, the output y i would be sent to the next layer and the normalized x i ˇ remains internal to the current layer.

3.2.2. Improvement 4: Incorporating Bayesian Optimization in Network

Tuning parameters is an essential step that has a significant impact on model performance in machine learning. Traditional manual tuning is time-consuming and may not obtain optimal results especially when the network is complex and decided by many hyperparameters. The subsequent emerging tuning methods such as Grid Search and Random Search, though free of manpower, still take a long time and are prone to local optimal situations when dealing with non-convex functions [36,37,38,39].
In this research, we incorporated Bayesian Optimization for two main reasons. Firstly, it saves more time because they have fewer iterations. Secondly, it is also robust when dealing with non-convex problems. Figure 8 portrays the pipeline for Bayesian Optimization in our experiment.
In our experiment, the acquisition (AC) function we chose is the Expected Improvement (EI) function, as it solves the problem of PI by considering how much larger the unknown point is than the known maximum point. The equation [40] is as below:
E I ( x ) = { ( μ ( x ) f ( x + ) ) Φ ( z ) + σ ( x ) ϕ ( z ) σ > 0 0 σ = 0
z = μ ( x ) f ( x + ) σ
where x is an observed point; μ is the mean of all the observation points; f ( x + ) represents the current maximum value; σ is the standard deviation of all observation points; Φ () and ϕ () denote the cumulative distribution function (CDF) and probability density function (PDF) of the standard normal distribution respectively.
Besides, we set the range of the following hyperparameters as displayed in Table 4 to fine-tune the model.
The best learning rate and learning drop factor would depend on their based dataset and the network. Momentum adds inertia to the parameter updates by having the current update contain a contribution proportional to the update in the previous iteration. L2Regulization is usually used to prevent the circumstance of overfitting. Thus, they are all good choices of variables for us to search the space for finding a suitable value.

3.3. K-Fold Cross-Validation

The main reason for adopting K-fold in this experiment is it performs well in processing small datasets. The original dataset needs to be grouped, with one part as a training set and one part as a testing set. In the traditional machine learning process, the testing set will not participate in the training process, which wastes some parts of the data. This limits the optimization of the model, especially when dealing with a small dataset because data determines the upper limit of program performance [41,42,43,44].
Thus, it is significant to make good use of data sets, especially for this experiment. K-fold cross-validation will randomly divide the training data into K folds, do K times of training, and get K testing results, which reports unbiased performances. In this way, all data sets can be well utilized, and finally, the model performance can be expressed reasonably utilizing averaging [45]. Considering the factor of overfitting and running time, we intended to choose five as the K value for our experiment. An illustration of fivefold cross-validation is shown in Figure 9. The D in the figure represents ‘Dataset’.

3.4. Implementation of Our Proposed CSGBBNet

We proposed the framework of CSGBBNet by combining the COVID-Seg model and the GBBNet. The basic steps for implementation are as followed.
Step 1: Import the original Image set T R and its ground truth label G t . Conduct the image pre-processing using COVID-Seg.
Step 2: Load the PTN model VGG16 [40], VGG19 [40], and GoogLeNet, and then store them into variables M V G G 16 , M v g g 19 and M G o o g L e N e t , respectively.
Step 3: Pre-train each model and make a comparison on their testing accuracy results to select the optimum one with maximum accuracy and then store the model into variable M 0 . Suppose L 0 as its number of learnable layers.
Step 4: Remove the last L learnable layers from M 0 to get a new M 1 ,
M 1 = F r l ( M 0 ,   L )
where F r l refers to a function of removing layers, and L refers to the number of specific last layers to be removed.
Step 5: Add five new designed layers/blocks into M 1 to get a new M 2 ,
M 2 = F a n d l ( M 1 , 5 )
where F a n d l refers to a function of adding newly designed layers, and the constant 5 refers to the number of newly designed layers/blocks that would be appended to M 1 . Suppose L 2 as the number of learnable layers of M 2 .
Step 6: Freeze the specific early layers by setting their learning rate to 0,
l r [ M 2 ( 1 : L 0 L ) ] 0
where l r refers to the learning rate, and M ( m , n ) refers to the layers from m to n in the network model M.
Step 7: Get the new added five layers/blocks retrainable by setting their learning rate to 1,
l r [ M 2 ( L 2 4 : L 2 ) ] 1
Step 8: Import the segmented image set T S e g .
Step 9: Retrain the whole neural network with input T s e g t r a i n ,   i , Bayesian Optimization training algorithm, and get the new network G B B N e t i ,
G B B N e t i = F r n ( M 2 , T s e g t r a i n ,   i )
where F r n refers to a function of retraining the network and T s e g t r a i n ,   i refers to the input training dataset.
Step 10: Output the test performances of GBBNet.
Finally, the pseudocode for the CSGBBNet is listed in Algorithm 2.
Algorithm 2 Pseudocode of our proposed CSGBBNet.
Input: Original Image set T R and its ground truth label G t
Phase I: Pre-processing  T R T S e g , see Algorithm 1.
Phase II: Choose the pre-trained model
Load the raw PTN model: M V G G 16   M v g g 19   M G o o g L e N e t ;
Pre-train on them and make a comparison on their testing accuracy achieved, then choose the best one:
M 0 = M a x [ T e s t i n g   A c c u r a c y ( M V G G 16 , M v g g 19 , M G o o g L e N e t ) ] ;
Phase III: Five-fold cross-validation on the Training set
Split T S e g into training set and testing set: T S e g { T s e g t r a i n ,   T s e g t e s t }
for i = 1:5   % T s e g t r a i n ,   i is the training set, T s e g t e s t ,   i is the testing set.
  Remove the last L learnable layers from M 0 to get a new M 1 , see Equation (25).
  Add 5 new designed layers/blocks (containing Batch Normalization layers), see Equation (26).
  Freeze the specific early layers, see Equation (27).
  Get the new added layers retrainable, see Equation (28).
  Retrain the whole neural network with input T s e g t r a i n ,   i and Bayesian Optimization training algorithm. Get a new network, see Equation (29).
end
Phase IV: Report the test performance of our proposed framework
The Training set is T s e g t r a i n and its labels G t ( T s e g t r a i n )
The Testing set is T s e g t e s t and its labels G t ( T s e g t e s t )
for i = 1:5
Prediction: P r e d ( i ) = predict ( G B B N e t i , T s e g t e s t , i )
Test Confusion matrix: C o n f T e s t = compare [ P r e d ( i ) ,   G t ( T s e g t e s t , i ) ]
Calculate Indicators: accuracy, sensitivity, specificity, precision, F1 score, see Equation (30).
end
Output: The best model GBBNet and its test performances.
All in all, our experiment used a novel model COVID-Seg for image preprocessing, GBBNet for classification, and five-fold as a validation method that reports unbiased performances. We named the whole framework as CSGBBNet. Considering the factor of overfitting and running time, we intended to choose five as the K value for our experiment. A simplified method diagram for the running process of our proposed CSGBBNet is displayed in Figure 10. The detailed structures of ‘Frozen layers’ and ‘New layers’ are defined in Figure 6.

4. Experiments, Results, and Discussion

4.1. Data Splits

All the experiments were conducted on a laptop with GTX1060. The majority of experiments were written using MATLAB 2020a. To verify the robustness of our framework, we introduced a new benchmark dataset ‘COVID-CT’ with 539 CT scan images. In our experiment, we consider COVID-19 patient images as positive samples and healthy control images as negative samples on both datasets. Due to the reason that we utilized a fivefold cross-validation method, we would have five times of running, and in each running, images are divided into 80% for training, 20% for testing. A clear table for data splits for both the COVID Academic dataset and the new benchmark dataset can be found in Table 5.
Besides, to comprehensively evaluate the performance of the classifier, we added an evaluation criterion of harmonic average F1 score [47,48,49,50], which considers the value of both precision and recall according to the equation:
F 1   score = 2 · Precision · Rcall Precision + Rcall

4.2. Statistical Results

From the test performance and the confusion matrix results displayed in Table 6 and Figure 11, on the COVID Academic dataset, CSGBBNet predicted 193 correctly among all the 196 samples. While on the COVID-CT dataset, CSGBBNet achieves a mean accuracy of 95.17 ± 1.22%, and a mean F1 score of 96.21 ± 0.98%, which are higher than the best accuracy (89.1%) and the best F1 score (89.6%) reported in [46]. This verifies that our framework has excellent robustness when encountered different datasets.
Taking the overall confusion matrix on the COVID Academic dataset as an illustration, the classifier correctly recognized 97 images of ‘COVID-19’ as ‘COVID-19’, 96 images of ‘Healthy Control’ as ‘Healthy Control’ but misidentified two images of ‘Healthy Control’ as ‘COVID-19’ 1 image of ‘COVID-19’ as ‘Healthy Control’. In the upper-left box of the confusion matrix, the value 98.0% means 98.0% of the ‘samples’ predicted as ‘COVID-19’ were classified right and the value 99.0% means 99.0% of the real ‘COVID-19’ samples were classified right. Meanwhile, in the lower-right box, the value 99.0% means 99.0% of the ‘samples’ predicted as ‘Healthy’ were classified right, and the value 98.0% represents 98.0% of the real ‘Healthy’ samples were classified right. In a medical sense, our approach has a very low misdiagnosis rate, especially when the target is a real COVID-19 patient. This is very helpful for practical applications because the high rate of diagnosis of COVID-19 patients can effectively prevent them from the second transmission of the epidemic.
The graphs of minimum objective vs. number of function evaluations achieved during the Bayesian Optimization process on Test Sets in both datasets are shown in Figure 12, where different combinations of hyperparameter such as ‘initial learning rate’, ‘momentum’, etc. were attempted in the training process to achieve an optimum result. In the next section, we will implement an ablation study to conduct a full analysis of our results.

4.3. Ablation Study

To more explicit verify the effectiveness of different proposed modules in our experiment, we named the framework without utilizing the COVID-Seg model as ‘GBBNet Only’, the model only without newly added designed layers as ‘CSGBBNet no BN’, the model only without Bayesian Optimization module as ‘CSGBBNet no BO’. In this section, all the experiments were conducted on ‘COVID Academic’.
As displayed in Table 7 and Figure 13, firstly, after introducing the COVID-Seg model, the results in the testing set were significantly improved with the accuracy of 6.68%, the sensitivity of 7.26%, the specificity of 6.21%, the precision of 5.44%, the F1 score of 6.56%, and the standard deviation in a range of 3.36–7.25%. This means our segmentation was very successful and effective. Second, after adding newly designed layers, the accuracy in the testing set improved 2.07%, the sensitivity improved 3.05%, the specificity improved 1.06%, the precision improved 1.10%, the F1 score improved 2.13%, and the stability of results also slightly improved. Third, utilizing Bayesian Optimization can help to find the optimum hyperparameters for the model because all the evaluated criteria have different degrees of improvements: the accuracy improved with 4.11%, the sensitivity improved with 7.32%, the specificity improved with 0.95%, the precision improved with 1.21%, the F1 score improved with 4.48% and the stability improved with 0.16–5.19% revealed by standard deviation. Finally, according to the Receiver operating characteristic (ROC) curve in Figure 14, the illustrated diagnostic ability of the CSGBBNet classifier system is also superior to those without complete modules.
To sum up, the results above indicate the modules: COVID-Seg model, Bayesian Optimization training algorithm, and newly added layers are all effective in our framework.

4.4. Comparison between CSGBBNet and Other State-of-the-Art Approaches

We compared the proposed CSGBBNet with seven state-of-the-art approaches: WE-BO [51], GLCM-SVM [52], GoogLeNet [29], ResNet18 [53], DenseNet201 [54], VGG16 [40], VGG19 [40].
In Table 8, when compared with seven state-of-the-art methods on the COVID Academic dataset, CSGBBNet has advantages in terms of most of the performance metrics. The results show excellent stability according to the values provided by standard deviation. And it is clear in Figure 15 that CSGBBNet presents very good computational efficiency as it performs faster than most other approaches, except the comparative performance with GoogLeNet and VGG16. However, it can be easily observed that the speed difference among them is not significant, and our framework shows a much higher diagnostic rate when compared with GoogLeNet and VGG16.
To conclude for this section, CSGBBNet achieves excellent performance with the mean accuracy of 98.49 ± 1.23%, the sensitivity of 99.00 ± 2.00%, the specificity of 97.95 ± 2.51%, the precision of 98.10 ± 2.61%, and the F1 score of 98.51 ± 1.22%. It is worth mentioning that, as illustrated in Figure 16, it performs better than seven other state-of-the-art methods in accuracy, specificity, precision, F1 score, and especially the sensitivity criterion of the model. The sensitivity of CSGBBNet is 12.64% higher than the approach ranked second in the table. The reason is we effectively removed the factors in the image that would affect the judgment of the model, such as the regions of the heart, ribs, and thoracic vertebrae. Moreover, our proposed model shows excellent stability, robustness, and very good computational efficiency when compared with other state-of-the-art machine learning approaches and the traditional RT-PCR test methods. In all, CSGBBNet has a low misdiagnosis rate, high stability, and can successfully diagnose multiple slice images within one second, which is of great significance in the practical application of COVID-19 detection.
To further verify if CSGBBNet provides an explainable and promising way to detect COVID-19, gradient-weighted class activation mapping (Grad-CAM) is employed in the next section.

4.5. Explainability of Proposed CSGBBNet

We take samples from the COVID-19 and HC class respectively and display the relevant heatmaps in Figure 17a–d to verify the explainability of CSGBBNet. The manual delineations of lesion area for them are shown in Figure 17e–h. These heatmaps were generated utilizing the ‘Inception 5b output’ feature map in GBBNet with the help of the Grad-CAM approach. The red area in the heatmap is the part with strong attention in the model, and the deep blue area is the part with little attention in the model. According to these heatmaps, we can confirm that, for the COVID-19 image (Figure 17a,b), our framework is paying more attention to the lesion areas and meanwhile paying little attention to the non-lesion areas. While for the HC image (Figure 17c,d), the attention of the model is not focused on any particular area because there is no lesion area in the healthy control category.
To sum up, the heatmaps provide a clear and understandable interpretation of how our CSGBBNet predicts COVID-19 images from healthy control images. In other words, the concerns of our model are very similar to the standard already approved in the medical community, which adds confidence that it is capable of assisting the diagnosis of doctors, radiologists, and inspectors at each epidemic prevention site in the real world.

5. Conclusions

Chest CT is a rapid, non-invasive method for screening COVID-19. Our proposed deep learning framework CSGBBNet using the COVID-Seg model as an image preprocessing method, GBBNet as a classification method is also an explainable framework to accomplish the classification task. CSGBBNet not only shows advantages in diagnostic rate, stability, and computational efficiency when compared with other state-of-the-art machine learning approaches and traditional RT-PCR tests, but also shares similar concerns with the standard approved in the medical community. Moreover, it shows excellent robustness when encountered with different datasets. To conclude, combining these two techniques can help to realize rapid, effective, stable, and safe detection of COVID-19, which is of great significance to clinical medicine and society.
In the future, we plan to incorporate or learn from more advanced deep learning techniques and revise the model to improve classification efficiency.

Author Contributions

Conceptualization, X.-J.Y.; Data curation, Z.-Q.Z.; Formal analysis, X.-J.Y.; Funding acquisition, S.-H.W.; Methodology, X.-J.Y., Z.-Q.Z. and Y.-D.Z.; Project administration, Y.-D.Z.; Resources, S.-H.W. and Y.-D.Z.; Software, X.-J.Y.; Validation, Z.-Q.Z.; Visualization, S.-H.W.; Writing—original draft, Y.-D.Z.; Writing—review & editing, S.-H.W. and Y.-D.Z. All authors have read and agreed to the published version of the manuscript.

Funding

The paper is partially supported by Hope Foundation for Cancer Research, UK (RM60G0680), Royal Society International Exchanges Cost Share Award, UK (RP202G0230), Medical Research Council Confidence in Concept Award, UK (MC_PC_17171), British Heart Foundation Accelerator Award, UK (AA/18/3/34220); Sino-UK Industrial Fund, UK (RP202G0289); Global Challenges Research Fund (GCRF), UK (P202PF11).

Conflicts of Interest

There are no conflict of interest in terms of the submission of this paper.

References

  1. Spiezia, L.; Boscolo, A.; Poletto, F.; Cerruti, L.; Tiberio, I.; Campello, E.; Navalesi, P.; Simioni, P. COVID-19-related severe hypercoagulability in patients admitted to intensive care unit for acute respiratory failure. Thromb. Haemost. 2020, 120, 998–1000. [Google Scholar] [CrossRef] [PubMed]
  2. Zhao, W.; Zhong, Z.; Xie, X.; Yu, Q.; Liu, J. Relation between chest CT findings and clinical conditions of coronavirus disease (COVID-19) pneumonia: A multicenter study. Am. J. Roentgenol. 2020, 214, 1072–1077. [Google Scholar] [CrossRef] [PubMed]
  3. Zheng, M.; Gao, Y.; Wang, G.; Song, G.; Liu, S.; Sun, D.; Xu, Y.; Tian, Z. Functional exhaustion of antiviral lymphocytes in COVID-19 patients. Cell. Mol. Immunol. 2020, 17, 533–535. [Google Scholar] [CrossRef] [Green Version]
  4. Wen, X.; Li, Y. Anesthesia procedure of emergency operation for patients with suspected or confirmed COVID-19. Surg. Infect. 2020, 21, 299. [Google Scholar] [CrossRef] [Green Version]
  5. Kooraki, S.; Hosseiny, M.; Myers, L.; Gholamrezanezhad, A. Coronavirus (COVID-19) outbreak: What the department of radiology should know. J. Am. Coll. Radiol. 2020, 17, 447–451. [Google Scholar] [CrossRef] [PubMed]
  6. Fang, Y.; Zhang, H.; Xie, J.; Lin, M.; Ying, L.; Pang, P.; Ji, W. Sensitivity of chest CT for COVID-19: Comparison to RT-PCR. Radiology 2020, 296, E115–E117. [Google Scholar] [CrossRef] [PubMed]
  7. Yamashita, R.; Nishio, M.; Do, R.K.G.; Togashi, K. Convolutional neural networks: An overview and application in radiology. Insights Imaging 2018, 9, 611–629. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  8. Kang, C.; Li, Y.; Novak, D.; Zhang, Y.; Zhou, Q.; Hu, Y. Brain Networks of Maintenance, Inhibition and Disinhibition During Working Memory. IEEE Trans. Neural Syst. Rehabil. Eng. 2020, 28, 1518–1527. [Google Scholar] [CrossRef]
  9. Kang, C.; Yu, X.; Wang, S.-H.; Guttery, D.S.; Pandey, H.M.; Tian, Y.; Zhang, Y.-D. A heuristic neural network structure relying on fuzzy logic for images scoring. IEEE Trans. Fuzzy Syst. 2020, 29, 34–45. [Google Scholar] [CrossRef] [PubMed]
  10. Onishi, Y.; Teramoto, A.; Tsujimoto, M.; Tsukamoto, T.; Saito, K.; Toyama, H.; Imaizumi, K.; Fujita, H. Multiplanar analysis for pulmonary nodule classification in CT images using deep convolutional neural network and generative adversarial networks. Int. J. Comput. Assist. Radiol. Surg. 2020, 15, 173–178. [Google Scholar] [CrossRef] [PubMed]
  11. Wang, Q.; Shen, F.; Shen, L.; Huang, J.; Sheng, W. Lung nodule detection in CT images using a raw patch-based convolutional neural network. J. Digit. Imaging 2019, 32, 971–979. [Google Scholar] [CrossRef]
  12. Peng, J.; Kang, S.; Ning, Z.; Deng, H.; Shen, J.; Xu, Y.; Zhang, J.; Zhao, W.; Li, X.; Gong, W. Residual convolutional neural network for predicting response of transarterial chemoembolization in hepatocellular carcinoma from CT imaging. Eur. Radiol. 2020, 30, 413–424. [Google Scholar] [CrossRef] [Green Version]
  13. Wang, L.; Wong, A. COVID-Net: A Tailored Deep Convolutional Neural Network Design for Detection of COVID-19 Cases from Chest X-Ray Images. arXiv 2020, arXiv:2003.09871. [Google Scholar] [CrossRef]
  14. Dey, N.; Rajinikant, V.; Fong, S.J.; Kaiser, M.S.; Mahmud, M. Social-Group-Optimization Assisted Kapur’s Entropy and Morphological Segmentation for Automated Detection of COVID-19 Infection from Computed Tomography Images. Cogn. Comput. 2020, 12, 1011–1023. [Google Scholar] [CrossRef]
  15. Abbas, A.; Abdelsamea, M.M.; Gaber, M.M. Classification of COVID-19 in chest X-ray images using DeTraC deep convolutional neural network. arXiv 2020, arXiv:2003.13815. [Google Scholar] [CrossRef]
  16. Szegedy, C.; Ioffe, S.; Vanhoucke, V.; Alemi, A.A. Inception-v4, inception-resnet and the impact of residual connections on learning. In Proceedings of the Thirty-First AAAI Conference on Artificial Intelligence, San Francisco, CA, USA, 4–9 February 2017. [Google Scholar]
  17. Agarap, A.F. Deep learning using rectified linear units (relu). arXiv 2018, arXiv:1803.08375. [Google Scholar]
  18. Yu, X.; Lu, S.Y.; Guo, L.L.; Wang, S.H.; Zhang, Y.D. ResGNet-C: A graph convolutional neural network for detection of COVID-19. Neurocomputing 2021, 452, 592–605. [Google Scholar] [CrossRef] [PubMed]
  19. Ritter, F.; Boskamp, T.; Homeyer, A.; Laue, H.; Schwier, M.; Link, F.; Peitgen, H.-O. Medical image analysis. IEEE Pulse 2011, 2, 60–70. [Google Scholar] [CrossRef] [PubMed]
  20. Zheng, L.; Li, G.; Bao, Y. Improvement of grayscale image 2D maximum entropy threshold segmentation method. In Proceedings of the 2010 International Conference on Logistics Systems and Intelligent Management (ICLSIM), Harbin, China, 9–10 January 2010; pp. 324–328. [Google Scholar]
  21. Wong, A.K.; Sahoo, P.K. A gray-level threshold selection method based on maximum entropy principle. IEEE Trans. Syst. Man Cybern. 1989, 19, 866–871. [Google Scholar] [CrossRef]
  22. Sahoo, P.; Wilkins, C.; Yeager, J. Threshold selection using Renyi’s entropy. Pattern Recognit. 1997, 30, 71–84. [Google Scholar] [CrossRef]
  23. Hashemi, M. Web page classification: A survey of perspectives, gaps, and future directions. Multimed. Tools Appl. 2020, 79, 11921–11945. [Google Scholar] [CrossRef]
  24. Yin, P.-Y. Maximum entropy-based optimal threshold selection using deterministic reinforcement learning with controlled randomization. Signal. Process. 2002, 82, 993–1006. [Google Scholar] [CrossRef]
  25. Gil, J.Y.; Kimmel, R. Efficient dilation, erosion, opening, and closing algorithms. IEEE Trans. Pattern Anal. Mach. Intell. 2002, 24, 1606–1617. [Google Scholar] [CrossRef] [Green Version]
  26. Liang, J.; Piper, J.; Tang, J.-Y. Erosion and dilation of binary images by arbitrary structuring elements using interval coding. Pattern Recognit. Lett. 1989, 9, 201–209. [Google Scholar]
  27. Chen, S.; Haralick, R.M. Recursive erosion, dilation, opening, and closing transforms. IEEE Trans. Image Process. 1995, 4, 335–345. [Google Scholar] [CrossRef] [PubMed]
  28. Jackway, P.T.; Deriche, M. Scale-space properties of the multiscale morphological dilation-erosion. IEEE Trans. Pattern Anal. Mach. Intell. 1996, 18, 38–51. [Google Scholar] [CrossRef] [Green Version]
  29. Szegedy, C.; Liu, W.; Jia, Y.; Sermanet, P.; Reed, S.; Anguelov, D.; Erhan, D.; Vanhoucke, V.; Rabinovich, A. Going deeper with convolutions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 1–9. [Google Scholar]
  30. Yao, X.; Wang, X.; Wang, S.-H.; Zhang, Y.-D. A comprehensive survey on convolutional neural network in medical image analysis. Multimed. Tools Appl. 2020. [Google Scholar] [CrossRef]
  31. Szegedy, C.; Vanhoucke, V.; Ioffe, S.; Shlens, J.; Wojna, Z. Rethinking the inception architecture for computer vision. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 2818–2826. [Google Scholar]
  32. Wang, S.; Tang, C.; Sun, J.; Zhang, Y. Cerebral micro-bleeding detection based on densely connected neural network. Front. Neurosci. 2019, 13, 422. [Google Scholar] [CrossRef] [Green Version]
  33. Ba, J.L.; Kiros, J.R.; Hinton, G.E. Layer normalization. arXiv 2016, arXiv:1607.06450. [Google Scholar]
  34. Bjorck, N.; Gomes, C.P.; Selman, B.; Weinberger, K.Q. Understanding batch normalization. In Proceedings of the Advances in Neural Information Processing Systems, Montréal, QC, Canada, 3–8 December 2018; pp. 7694–7705. [Google Scholar]
  35. Ioffe, S.; Szegedy, C. Batch normalization: Accelerating deep network training by reducing internal covariate shift. arXiv 2015, arXiv:1502.03167. [Google Scholar]
  36. Pelikan, M.; Goldberg, D.E.; Cantú-Paz, E. BOA: The Bayesian optimization algorithm. In Proceedings of the Genetic and Evolutionary Computation Conference GECCO-99, Orlando, FL, USA, 13–17 July 1999; pp. 525–532. [Google Scholar]
  37. Lizotte, D.J. Practical Bayesian Optimization; University of Alberta: Edmonton, AB, Canada, 2008. [Google Scholar]
  38. Frazier, P.I. A tutorial on bayesian optimization. arXiv 2018, arXiv:1807.02811. [Google Scholar]
  39. Snoek, J.; Larochelle, H.; Adams, R.P. Practical bayesian optimization of machine learning algorithms. Adv. Neural Inf. Process. Syst. 2012, 25, 2951–2959. [Google Scholar]
  40. Brochu, E.; Cora, V.M.; De Freitas, N. A tutorial on Bayesian optimization of expensive cost functions, with application to active user modeling and hierarchical reinforcement learning. arXiv 2010, arXiv:1012.2599. [Google Scholar]
  41. Bengio, Y.; Grandvalet, Y. No unbiased estimator of the variance of k-fold cross-validation. J. Mach. Learn. Res. 2004, 5, 1089–1105. [Google Scholar]
  42. Fushiki, T. Estimation of prediction error by using K-fold cross-validation. Stat. Comput. 2011, 21, 137–146. [Google Scholar] [CrossRef]
  43. Anguita, D.; Ghelardoni, L.; Ghio, A.; Oneto, L.; Ridella, S. The ‘K’ in K-fold Cross Validation. In Proceedings of the ESANN, Bruges, Belgium, 25–27 April 2012. [Google Scholar]
  44. Rodriguez, J.D.; Perez, A.; Lozano, J.A. Sensitivity analysis of k-fold cross validation in prediction error estimation. IEEE Trans. Pattern Anal. Mach. Intell. 2009, 32, 569–575. [Google Scholar] [CrossRef] [PubMed]
  45. Yadav, S.; Shukla, S. Analysis of k-fold cross-validation over hold-out validation on colossal datasets for quality classification. In Proceedings of the 2016 IEEE 6th International Conference on Advanced Computing (IACC), Andhra Pradesh, India, 27–28 February 2016; pp. 78–83. [Google Scholar]
  46. Yang, X.; He, X.; Zhao, J.; Zhang, Y.; Zhang, S.; Xie, P. COVID-CT-dataset: A CT scan dataset about COVID-19. arXiv 2020, arXiv:2003.13865. [Google Scholar]
  47. Pillai, I.; Fumera, G.; Roli, F. Threshold optimisation for multi-label classifiers. Pattern Recognit. 2013, 46, 2055–2065. [Google Scholar] [CrossRef]
  48. Van Asch, V. Macro-and micro-averaged evaluation measures [[basic draft]]. Belgium CLiPS 2013, 49. [Google Scholar]
  49. Sokolova, M.; Lapalme, G. A systematic analysis of performance measures for classification tasks. Inf. Process. Manag. 2009, 45, 427–437. [Google Scholar] [CrossRef]
  50. Özgür, A.; Özgür, L.; Güngör, T. Text categorization with class-based and corpus-based keyword selection. In Proceedings of the International Symposium on Computer and Information Sciences, Istanbul, Turkey, 26–28 October 2005; pp. 606–615. [Google Scholar]
  51. Yao, X.; Han, J. COVID-19 Detection via Wavelet Entropy and Biogeography-Based Optimization. In COVID-19: Prediction, Decision-Making, and Its Impacts; Springer: Berlin/Heidelberg, Germany, 2021; pp. 69–76. [Google Scholar]
  52. Chen, Y. Covid-19 Classification Based on Gray-Level Co-occurrence Matrix and Support Vector Machine. In COVID-19: Prediction, Decision-Making, and Its Impacts; Springer: Berlin/Heidelberg, Germany, 2021; pp. 47–55. [Google Scholar]
  53. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  54. Huang, G.; Liu, Z.; Van Der Maaten, L.; Weinberger, K.Q. Densely connected convolutional networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 4700–4708. [Google Scholar]
Figure 1. WHO Coronavirus (COVID-19) Dashboard.
Figure 1. WHO Coronavirus (COVID-19) Dashboard.
Diagnostics 11 01712 g001
Figure 2. Illustration of the COVID-19 dataset ‘COVID Academic’.
Figure 2. Illustration of the COVID-19 dataset ‘COVID Academic’.
Diagnostics 11 01712 g002
Figure 3. General process of COVID-Seg model.
Figure 3. General process of COVID-Seg model.
Diagnostics 11 01712 g003
Figure 4. An illustration of histogram graph for a COVID-19 patient CT scan image.
Figure 4. An illustration of histogram graph for a COVID-19 patient CT scan image.
Diagnostics 11 01712 g004
Figure 5. Sample significant output results during the process of using Erosion and Dilation-based technique to refine the mask for image lung regions: (a) Original Image. (b) Apply Maximum entropy threshold segmentation-based method to obtain the mask ( T 2 ). (c) Erode and dilate the mask ( T 3 ). (d) Remove unwanted connectivity areas of the mask. (e) Make an inversion of the values in the mask to achieve the final refined mask ( T 4 ).
Figure 5. Sample significant output results during the process of using Erosion and Dilation-based technique to refine the mask for image lung regions: (a) Original Image. (b) Apply Maximum entropy threshold segmentation-based method to obtain the mask ( T 2 ). (c) Erode and dilate the mask ( T 3 ). (d) Remove unwanted connectivity areas of the mask. (e) Make an inversion of the values in the mask to achieve the final refined mask ( T 4 ).
Diagnostics 11 01712 g005
Figure 6. The structure of our proposed GBBNet.
Figure 6. The structure of our proposed GBBNet.
Diagnostics 11 01712 g006
Figure 7. The basic structures of blocks used in GBBNet.
Figure 7. The basic structures of blocks used in GBBNet.
Diagnostics 11 01712 g007
Figure 8. The pipeline of Bayesian Optimization.
Figure 8. The pipeline of Bayesian Optimization.
Diagnostics 11 01712 g008
Figure 9. An illustration of fivefold cross-validation.
Figure 9. An illustration of fivefold cross-validation.
Diagnostics 11 01712 g009
Figure 10. A simplified method diagram for our proposed CSGBBNet. The feature representation of each image is extracted by several convolutional operations and then be mapped into the FCL to reduce the dimension, and finally the prediction probabilities for classes are output. ( M 0 : The optimal selection of pre-trained models. M 1 : The model achieved by removing the last L learnable layers from M 0 . M 2 : The model achieved by adding five new designed layers/blocks into M 1 ).
Figure 10. A simplified method diagram for our proposed CSGBBNet. The feature representation of each image is extracted by several convolutional operations and then be mapped into the FCL to reduce the dimension, and finally the prediction probabilities for classes are output. ( M 0 : The optimal selection of pre-trained models. M 1 : The model achieved by removing the last L learnable layers from M 0 . M 2 : The model achieved by adding five new designed layers/blocks into M 1 ).
Diagnostics 11 01712 g010
Figure 11. Confusion matrix results on Test Sets by CSGBBNet. (af): The results on the COVID Academic dataset. (gl): The results on the COVID-CT dataset.
Figure 11. Confusion matrix results on Test Sets by CSGBBNet. (af): The results on the COVID Academic dataset. (gl): The results on the COVID-CT dataset.
Diagnostics 11 01712 g011
Figure 12. Bayesian Optimization process on Test Sets by CSGBBNet. (ae): The results on the COVID Academic dataset. (fj): The results on the COVID-CT dataset.
Figure 12. Bayesian Optimization process on Test Sets by CSGBBNet. (ae): The results on the COVID Academic dataset. (fj): The results on the COVID-CT dataset.
Diagnostics 11 01712 g012
Figure 13. The results of our ablation study.
Figure 13. The results of our ablation study.
Diagnostics 11 01712 g013
Figure 14. The ROC analysis curve results of our ablation study.
Figure 14. The ROC analysis curve results of our ablation study.
Diagnostics 11 01712 g014
Figure 15. Per-epoch training time of CSGBBNet vs. other seven methods.
Figure 15. Per-epoch training time of CSGBBNet vs. other seven methods.
Diagnostics 11 01712 g015
Figure 16. A summary of comparisons between state-of-art models and ours.
Figure 16. A summary of comparisons between state-of-art models and ours.
Diagnostics 11 01712 g016
Figure 17. Delineation of COVID-19 samples. The lesion area in (e,f) is circled in red.
Figure 17. Delineation of COVID-19 samples. The lesion area in (e,f) is circled in red.
Diagnostics 11 01712 g017
Table 1. A survey of latest proposed deep learning techniques in detecting COVID-19.
Table 1. A survey of latest proposed deep learning techniques in detecting COVID-19.
ReferenceNumber of Scans in the DatasetMethod(s)Reported Accuracy
Wang et al. [13]
  • COVID-19 (358)
  • Non-COVID19 Pneumonia (5538)
  • Normal (8066)
COVID-Net93.3%
ResNet-5090.6%
VGG-1983%
Dey et al. [14]
  • COVID-19 (200)
  • Normal (200)
Feature fusion + KNN87.75%
Feature fusion + SVM-RBF87.25%
Feature fusion + RF86.75%
Feature fusion + DT86.50%
Abbas et al. [15]
  • COVID-19 (105)
  • SARS (11)
  • Normal (80)
DeTraC + ResNet93.10%
DeTraC + VGG1993.10%
DeTraC + GoogLeNet89.65%
DeTraC + AlexNet89.10%
DeTraC + SqueezeNet82.75%
(The best methods and results on each dataset are shown in bold).
Table 2. Abbreviation list.
Table 2. Abbreviation list.
AbbreviationRepresentation
FCLfully connected layer
BNbatch normalization
ACacquisition function
UCBupper confidence bound
PIprobability of improvement
EIexpected improvement
CDFcumulative distribution function
PTNpre-trained network
Table 3. Symbol list.
Table 3. Symbol list.
SymbolMeaning
F r e s i z e function of resizing the images to a same size
F m e t s function of utilizing Maximum entropy threshold segmentation-based method
F e d function of ‘erosion and dilation-based process’
F c r w c function of choosing and retaining the wanted connectivity areas
F c o m b function of conducting element-wise multiplication process between the final refined mask and the raw image to get the final segmented image
F r l function of removing layers
F a n d l function of adding newly designed layers
l r learning rate
F r n function of retraining the network
Table 4. Bayesian Optimized Variable Setting.
Table 4. Bayesian Optimized Variable Setting.
Name of Optimized HyperparameterRange
InitialLearnRate(1 × 10−5, 1)
Momentum(0.8, 0.98)
L2Regularization(1 × 10−10, 1 × 10−2)
LearnRateDropFactor(0, 1)
Table 5. Data Splits.
Table 5. Data Splits.
DatasetLabelRange of Number of Training FramesRange of Number of Testing FramesOverall
COVID AcademicCOVID-19 (positive)78–7919–2098
Healthy (negative)78–7919–2098
Overall156–15838–40196
COVID-CTCOVID-19 (positive)280–28168–69349
Healthy (negative)151–15238–39190
Overall431–433106–108539
(‘COVID Academic’ is referenced from [18]. ‘COVID-CT’ is referenced from [46]).
Table 6. Test performance based on CSGBBNet.
Table 6. Test performance based on CSGBBNet.
DatasetTest SetAccuracy (%)Sensitivity (%)Specificity (%)Precision (%)F1 Score (%)
COVID Academic1100.00100.00100.00100.00100.00
297.44100.0094.7495.2497.56
3100.00100.00100.00100.00100.00
497.5095.00100.00100.0097.44
597.50100.0095.0095.2497.56
Mean + SD98.49 ± 1.2399.00 ± 2.0097.95 ± 2.5198.10 ± 2.6198.51 ± 1.22
COVID-CT195.3797.1092.3195.7196.40
294.4492.7597.4498.4695.52
394.3995.5992.3195.5995.59
494.4497.1089.7494.3795.71
597.2298.5594.8797.1497.84
Mean + SD95.17 ± 1.2296.22 ± 2.2093.33 ± 2.9296.25 ± 1.5896.21 ± 0.98
(SD = standard deviation).
Table 7. Results of our ablation study.
Table 7. Results of our ablation study.
ApproachAccuracy (%)Sensitivity (%)Specificity (%)Precision (%)F1 Score (%)
GBBNet Only91.81 ± 5.4991.74 ± 5.3691.74 ± 9.7692.66 ± 8.0091.95 ± 4.99
CSGBBNet no BN96.42 ± 1.2795.95 ± 3.7696.89 ± 2.5497.00 ± 2.4696.38 ± 1.34
CSGBBNet no BO94.38 ± 1.3991.68 ± 7.1997.00 ± 4.0096.89 ± 4.1994.03 ± 4.53
CSGBBNet98.49 ± 1.2399.00 ± 2.0097.95 ± 2.5198.10 ± 2.6198.51 ± 1.22
(Our methods and results are shown in bold).
Table 8. Comparison with state-of-the-art approaches on the test set.
Table 8. Comparison with state-of-the-art approaches on the test set.
ApproachAccuracy (%)Sensitivity (%)Specificity (%)Precision (%)F1 Score (%)Per-Epoch Training Time (ms)
WE-BO [51]73.95 ± 0.9872.97 ± 2.9674.93 ± 2.3974.48 ± 1.3473.66 ± 1.3338.67
GLCM-SVM [52]75.03 ± 1.1272.03 ± 2.9478.04 ± 1.7276.66 ± 1.0774.24 ± 1.5733.33
GoogLeNet [29]88.27 ± 2.0483.63 ± 3.9592.84 ± 5.1592.61 ± 4.8187.72 ± 1.9817.33
ResNet18 [53]88.78 ± 2.5881.68 ± 2.0695.84 ± 3.9395.43 ± 4.1987.98 ± 2.4524.00
DenseNet201 [54]89.24 ± 6.5882.58 ± 9.1295.89 ± 5.0395.11 ± 6.0388.29 ± 7.4630.67
VGG16 [40]89.28 ± 1.9587.74 ± 6.8390.89 ± 9.1891.67 ± 7.5889.13 ± 1.7218.67
VGG19 [40]90.37 ± 5.1286.84 ± 4.9693.84 ± 6.0893.67 ± 5.9890.08 ± 5.1324.00
CSGBBNet (ours)98.49 ± 1.2399.00 ± 2.0097.95 ± 2.5198.10 ± 2.6198.51 ± 1.2221.33
(Our methods and results are shown in bold).
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Yao, X.-J.; Zhu, Z.-Q.; Wang, S.-H.; Zhang, Y.-D. CSGBBNet: An Explainable Deep Learning Framework for COVID-19 Detection. Diagnostics 2021, 11, 1712. https://0-doi-org.brum.beds.ac.uk/10.3390/diagnostics11091712

AMA Style

Yao X-J, Zhu Z-Q, Wang S-H, Zhang Y-D. CSGBBNet: An Explainable Deep Learning Framework for COVID-19 Detection. Diagnostics. 2021; 11(9):1712. https://0-doi-org.brum.beds.ac.uk/10.3390/diagnostics11091712

Chicago/Turabian Style

Yao, Xu-Jing, Zi-Quan Zhu, Shui-Hua Wang, and Yu-Dong Zhang. 2021. "CSGBBNet: An Explainable Deep Learning Framework for COVID-19 Detection" Diagnostics 11, no. 9: 1712. https://0-doi-org.brum.beds.ac.uk/10.3390/diagnostics11091712

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