Next Article in Journal
A Novel Trademark Image Retrieval System Based on Multi-Feature Extraction and Deep Networks
Next Article in Special Issue
Conditional Random Field-Guided Multi-Focus Image Fusion
Previous Article in Journal
Dual-Energy CT of the Heart: A Review
Previous Article in Special Issue
A New LBP Variant: Corner Rhombus Shape LBP (CRSLBP)
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Comparison of Convolutional Neural Networks and Transformers for the Classification of Images of COVID-19, Pneumonia and Healthy Individuals as Observed with Computed Tomography

by
Azucena Ascencio-Cabral
and
Constantino Carlos Reyes-Aldasoro
*
giCentre, Department of Computer Science, School of Science and Technology, City, University of London, London EC1V 0HB, UK
*
Author to whom correspondence should be addressed.
J. Imaging 2022, 8(9), 237; https://doi.org/10.3390/jimaging8090237
Submission received: 30 June 2022 / Revised: 12 August 2022 / Accepted: 22 August 2022 / Published: 1 September 2022
(This article belongs to the Special Issue The Present and the Future of Imaging)

Abstract

:
In this work, the performance of five deep learning architectures in classifying COVID-19 in a multi-class set-up is evaluated. The classifiers were built on pretrained ResNet-50, ResNet-50r (with kernel size 5 × 5 in the first convolutional layer), DenseNet-121, MobileNet-v3 and the state-of-the-art CaiT-24-XXS-224 (CaiT) transformer. The cross entropy and weighted cross entropy were minimised with Adam and AdamW. In total, 20 experiments were conducted with 10 repetitions and obtained the following metrics: accuracy (Acc), balanced accuracy (BA), F1 and F2 from the general F β macro score, Matthew’s Correlation Coefficient (MCC), sensitivity (Sens) and specificity (Spec) followed by bootstrapping. The performance of the classifiers was compared by using the Friedman–Nemenyi test. The results show that less complex architectures such as ResNet-50, ResNet-50r and DenseNet-121 were able to achieve better generalization with rankings of 1.53, 1.71 and 3.05 for the Matthew Correlation Coefficient, respectively, while MobileNet-v3 and CaiT obtained rankings of 3.72 and 5.0, respectively.

1. Introduction

Coronavirus 2019 (COVID-19) is an infectious disease caused by the Severe acute respiratory syndrome coronavirus 2 (SARS-CoV-2) [1], which has lead to a pandemic with millions of cases and deaths confirmed all over the world. The outbreak has triggered not only a health crisis but has also had a severe psychological, social and economic impact worldwide [2,3]. Attempts to improve the diagnosis, contain, and reduce the spread of the disease, has led COVID-19 to become one of the most researched topics in the world. At the time of writing (June 2022), PubMed reported 269,111 COVID-19-related entries (https://pubmed.ncbi.nlm.nih.gov/?term=covid-19 (accessed on 1 June 2022)), a significant number accumulated in just two years as prior to 2019 there are only 56 entries. Diagnosis of COVID-19 with Reverse Transcriptase Polymerase Chain Reaction (RT-PCR) tests is widespread; however, its sensitivity is only moderate [4,5,6,7,8]. For this reason, medical imaging diagnosis with radiographs and Computed Tomography (CT) has been widely used [9,10,11] as it is generally considered more reliable for the identification of COVID-19 hallmarks, which include ground glass opacity with or without consolidation in the posterior and peripheral lung, linear opacity, “crazy-paving” pattern, “reversed halo” sign and vascular enlargement in the lungs [12,13,14,15].
Deep Learning (DL) is a sub-field of Artificial Intelligence (AI) that enables algorithms to automatically extract features from data, learn patterns and characteristics, and generate predictions on unseen data.
Some principles and ideas behind DL and AI have been known for decades, e.g., the WISARD architecture from 1984 [16] or the Self Organising Maps from 1982 [17]). Interestingly, discussions about the hype or reality of Neural Computing [18] and how difficult Artificial Intelligence really is [19], have remained. With the addition of a large number of multiple processing layers, thus the use of the term deep, the availability of large data sets and the increase computational power, these techniques have recently shown excellent results in many areas [20]. These multiple layers allow a large number of nonlinear modules to convert the representation of the input data, which can be an image or text, to a more abstract representation [21]. The breakthrough of deep learning is sometimes related to the outstanding results presented in the classification of the ImageNet Large Scale Visual Recognition Challenge (ILSVRC) [22]. In medical applications, deep learning architectures have provided excellent results, for instance, in the classification of skin cancer images [23].
Recent studies on image analysis of radiographs and CT scans have shown that DL-based methods are capable of detecting, quantifying and monitoring COVID-19 with high accuracy [24,25,26,27,28,29]. For conventional radiographs or 2D X-ray images, deep learning approaches have combined Convolutional Neural Networks with Long Short Time Memory (CNN-LSTM) models [30], Genetic Adversarial Networks with Long Short Time Memory [31], or self-augmentation mechanisms [11], with the objective to distinguish between different cases such as healthy against disease, COVID against pneumonia, etc. Some studies have focused on the segmentation of regions of interest within the lung region [32,33,34] using modifications of the popular U-Net architecture [35]. The present study focused on classification of the images and not in segmentations, in part because there was no ground truth available, but also because the focus was the methodology to compare the classification with non-parametric statistics. CT scanners, as well as Magnetic Resonance Imaging and other medical imaging devices can generate volumetric data, which in some cases can provide better results than analysis on a per-slice basis [36]. As such, some COVID studies have focused on the volumetric analysis of the data. For instance, Bougourzi analysed the percentage of the COVID infection to infer the state of patients (e.g., Normal, Moderate, Severe, etc.) [37,38,39]. It is also possible to combine slice-level decisions with tools such as Long Short Term Memory models [40]. When data other than images is present, i.e., medical notes, electronic health records or audio recordings, it is possible to perform multi-modal diagnosis [41,42,43]. However, it is not always the case that researchers have access to multi-modal data and thus thorough evaluation of a single type of data is important. Ensemble techniques, in which several deep learning models are trained and a decision is taken based on votes from all the models are popular [44,45,46] and can provide good results. However, the energy consumption of training many models, several of which may provide suboptimal results should be considered in the present world where carbon footprint of computational processes is not negligible [47]. For further information about approaches to COVID, the reader is referred to recent review papers, e.g., [48,49,50,51]. Many of the reported COVID studies consist mainly on fine-tuning pre-trained convolutional networks [24,28,52,53], or ensembles of methods together with optimization techniques [54,55]. Although these studies have shown very promising results, a large proportion of them do not provide sufficient information about the how and from where the data are sourced, how the data are handled and pre-processed if at all, the training configurations or statistical grounds to support why a proposed model is significantly better than another and studies have shown that the limitations of studies still present little value in clinical settings [56].
To address these issues, in this work, 20 experiments were built based on five DL architectures: CaiT-24-XXS-224, DenseNet-121, MobileNet-v3-large, ResNet-50 and ResNet-50r. The first selection was the ResNet architectures, which have had a major influence on the design of deep neural convolutional and sequential networks followed by DenseNet and MobileNet. These are based on convolutions and the latter is designed for mobile applications. Meanwhile CaiT is a state-of-the-art transformer that does not use convolutions. Each of these DL architectures were developed in intervals of roughly two years from 2015 to 2021. Table 1 outlines the parameters, the inference time required in GPU/CPU (running in GPU), the operations utilising more resources when processing images and the year in which each of the architecture was published. Whilst there are numerous options of architectures, for the present work, it was considered that the choice of architectures were representative of the fast developments in artificial neural networks for application in computer vision.
For each architecture, two loss functions (cross entropy and weighted cross entropy) and two optimisers (Adam and AdamW) were applied and the architectures were evaluated with seven metrics. In addition, the results for each metric were bootstrapped for 1000 cycles and their prediction power was further compared with non-parametric statistics for robustness in different scenarios. Thus the main contributions of this work are summarised as follows:
  • A well-structured experimental setup for the evaluation and unbiased comparison of the performance of five representative deep learning architectures (CaiT-24-XXS-224, DesNet-121, MobileNet-v3-large, ResNet-50 and ResNet-50r) for the classification of COVID-19 as observed with Computed Tomography was proposed.
  • The ResNet-50r architecture, which is based on ResNet-50 but the convolutional layer (Conv1) with filters of size 5 × 5 , was used to observe the effect of the kernels size (filters) on the classification of COVID-19.
  • Bootstrapping technique was applied to derive a very large number of samples, which will compensate for any cases of outliers for non-normal distributed data.
  • The results of each deep network architecture and experiment with different optimisers and loss functions were compared using non-parametric statistical comparison of the performance of deep network architectures.
  • The results show that less resource-demanding networks can outperform more complex architectures. This is a significant consideration related to the energy consumption necessary to train deep learning architectures in the light of the current climate emergency, and given the climate emergency of the present world [57,58,59].

2. Materials and Methods

2.1. Data Collection

To build the classification dataset, data from two public repositories was collated. The first dataset was sourced from Kaggle [60,61]. This dataset comprises a multi-nation collection of curated COVID-19 CT scans from 7 public sources [62]. This dataset contained 7593 curated images from 466 patients that were diagnosed with COVID-19, 6893 images from 604 patients that were considered as healthy with normal lungs, and 2618 images from 60 patients diagnosed with community-acquired pneumonia (CAP). The second dataset was sourced from Mendeley Data [63] and contained COVID-19 and common pneumonia (CP) CT scans. From this dataset only used 328 CP images which were merged with the CAP images were used. Figure 1 shows some representative images of COVID-19, CAP and Non-COVID (normal lungs) from the collated dataset. The dataset was split by class stratification to ensure all subsets had the same number of images from the minority class “CAP”. The split ratios were 80:10:10 for training (13,945 images), validation (1743 images) and test (1744 images), respectively. Table 2 shows the number class instances per subset.

2.2. Deep Learning Architectures

To build the classification experiments (models) four pre-trained out-of-the-box deep convolutional architectures with different levels of complexity and one transformer were proposed. Next, the prediction power of CaiT-24-XXS-224, DenseNet-121, MobileNet-v3-large, ResNet-50, ResNet-50r on the collated multi-class COVID-19 dataset were evaluated and compared.
ResNet-50 is a 50-layer deep convolutional architecture that features 3-layer skip connections (bottleneck block). The skip connections enable the network to copy activation from bottleneck block to bottleneck block [64]. To built ResNet-50r the kernels from the first convolutional layer (Conv1d) of ResNet-50 were resized from 7 × 7 to 5 × 5. The term ‘r’ was used to indicated that the network had resized kernels. DenseNet-121 (121 layers deep) consists of multiple dense blocks (small convolutional layers, batch normalisation and ReLU activation) and transition layers. Each layer in a dense block is forward-connected to every other layer by using concatenation shortcuts [65]. A MobileNet-v3-large (MobileNet-v3) is a convolutional neural network designed for mobile and embedded vision applications. It is based on a streamlined architecture that uses depth-wise separable convolutions. MobileNet-v3 has an efficient last stage at the end of the network that further reduced latency [66]. Transformers were initially used in the field of Natural Language Processing [67] and have been recently adapted for large scale image classification, demonstrating that convolutional networks are not strictly necessary for image processing. Class Attention in Image Transformers (CaiT) is a transformer for computer vision applications created to optimise the performance of the transformers when they have large number of layers [68]. CaiT-24-XXS-224, indicates that the architecture has a depth of 24 class attention layers, working dimensionality of 192 and was trained at resolution 224. The parameters of each architecture are shown in Table 1.

2.3. Experimental Setup

The experimental setup for this work is described in Table 3. The experiments (classifiers) were designed by combining three factors: neural network architecture, the loss function (objective) and the optimiser to minimise the loss. To detect the impact of the class imbalance on the predictions, the weighted version of the cross entropy (wCE) loss function was minimised with Adam and AdamW. The wCE handles the class imbalance by penalising with higher cost (weight) misclassification of the minority class. The Adam optimiser (derived from adaptive moment estimation) is an optimiser in which the learning rate is adaptive and can handle sparse gradients on noisy problems [69]. AdamW is Adam with weight decay and the primary choice to train transformer models. Whilst there are many other options for optimisers such as adaptive gradient algorithm (Adagrad), stochastic gradient descent (SGD), SGD Momentum (SGDM), Root Mean Square Propagation (RMSprop), Adam and AdamW were selected due to fact that these adaptive gradient methods do not underperform momentum or gradient descent optimisers [70]. Adam is probably the most popular optimiser option. A search for “Adam optimiser” in Google Scholar (https://scholar.google.co.uk/scholar?q=adam+optimizer accessed on 4 August 2022) returned 103,000 entries. Equivalent searches returned fewer entries: Adagrad: 10,200, SGD: 36,300, SGDM: 1500, RMSProp: 20,700, AdamW: 5950. On the other hand, AdamW has shown to improve the performance of Adam by decoupling the weight decay and outperforming SGD Momentum in image classification tasks [71].
With these, 20 experiments were built and evaluated (5 × 2 × 2) by training CaiT, DenseNet, MobileNet-v3, ResNet-50, ResNet-50r to minimise CE and wCE with Adam or AdamW (Table 3). Figure 2 illustrates the pipeline approach to classification and comparison of the models in out experimental setup. All experiments were implemented in PyTorch Framework and run on google Colab Pro and Pro+. The code is available on an as-is basis on the following github repository: https://github.com/ace-aitech/COVID-19-classification (accessed on 4 August 2022).

2.4. Training and Validation

All networks architectures described in Section 2.2 were pre-trained on the ImageNet dataset. Thus, the images were normalised and resized to align them to the pre-trained setup. On-line random horizontal flips augmentations were also applied at training. The approach to training was transfer learning by fine-tuning the experiments for 8 epochs with a learning rate of 2 × 10 5 in batches of 8 images. Training and validation classification loss and accuracy were calculated after each epoch of training. The validation accuracy was the primary indicator on how well the classifiers were performing.

2.5. Performance Metrics for Evaluation

The training procedure outlined in Section 2.4 and the evaluation on the test dataset was repeated 10 times per experiment. To make an unbiased comparison of the classifiers, the weights from the last epoch of training for evaluation on the test set were used. For this study, True/False Positives/Negatives ( T P / T N / F P / F N ) were defined by the correct or incorrect prediction of the class for the whole image. Accuracy ( A c c ), Balanced Accuracy ( B A ), F1 and F2 from the general F β macro score, Matthew’s Correlation Coefficient ( M C C ), Sensitivity ( S e n s ) and Specificity ( S p e c ) were used to evaluate the performance of models by experiment and network. These seven metrics are defined as follows:
A c c = T P + T N ( T P + T N + F P + F N ) ,
B A = T P ( T P + F N ) + T N ( T N + F P ) 2 ,
F β = ( 1 + β 2 ) T P ( ( 1 + β 2 ) T P + β F P + F N ) ,
F 1 = 2 T P ( 2 T P + F P + F N ) ,
F 2 = ( 5 ) T P ( ( 5 ) T P + 2 F P + F N ) ,
M C C = ( ( T P × T N ) ( F P × F N ) ) ( ( T P + F P ) + ( T P + F N ) + ( T N + F P ) + ( T N + F N ) ) ,
S e n s = T P ( T P + F N ) ,
S p e c = T N ( T N + F P ) .
Despite being widely used to evaluate the performance of classifiers, accuracy is biased towards the majority class in imbalanced datasets. On the other hand, Precision, Recall, F β macro score and M C C have been widely used to overcome the imbalance problem [72]. The BA provides an average measure of how likely an instance of a class is correctly classified across different classes. It consists of the arithmetic mean of the recall of each class, so it is “balanced” because every class has the same weight and the same importance [73]. The macro F β score is a weighted harmonic mean of the macro-precision and the macro-recall. For the multi-class setup, the F1 and F2 where β takes the values of 1 and 2, respectively, were used. F 1 score weights all classes equally (recall and precision). [73] whereas F 2 score weights twice the recall favouring it against precision. F 2 -score severely penalizes false negatives. The M C C is a measure of the correlation between the true and the predicted class. Moreover, it is regarded as a good indicator of total imbalanced of the prediction model. Recent work [72] demonstrated that the M C C is a well-suited metric for imbalanced multi-class domains. The sensitivity (or recall) is the number of true positive results divided by the number of all samples that should have been identified as positive. Specificity is the fraction of the true negatives divided by the total number of negatively classified instances.

2.6. Statistical Comparison

Non-parametric statistics do not require the distribution of the data to be known to make assumptions about them. Parametric comparison tests such ANOVA and MANOVA not only assume that samples come from a normal distribution but most importantly that all variables have equal variance (sphericity). For comparison of intelligent algorithms this cannot be assumed and can also have a detrimental impact on the post hoc test [74]. Therefore, non-parametric Friedman omnibus test [75] and Nemenyi post hoc pairwise comparison were used [76]. In this work, a holdout approach to evaluate the performance of the classifiers (experiments) by using the metrics defined in Section 2.5 was used. Bootstrapping is a non-parametric method that consists of sampling, with replacement, from a single original sample. This allows an approximation of sample distribution of statistics from original data [77]. To build the initial sample, the hold-out process was ran and evaluated 10 times per experiment. Then, 1000 bootstrap samples per experiment were generated and the average ranking and confidence interval (CI) for each of the evaluation metrics by network and experiment were calculated. Bootstrapped BA has been used to compare traditional machine learning classifiers with DL methods for the stress recognition in drivers [78]. Statistical difference amongst the performance of experiments (classifiers) was determined by using the Friedman test followed by the Nemenyi post hoc test at α = 0.05 for the A c c , B A , F 1 , F 2 , M C C , S e n s and S p e c . These tests have been used to compare the performance of time series classification algorithms for gravitational waves [79]. The Friedman test indicates whether the ranked classifiers are significantly different amongst themselves while the Nemenyi test applies pairwise comparison to the ranked classifiers [74,80]. The statistical tests were applied by using scipy and scikit-post hoc libraries.

3. Results and Discussion

3.1. Training, Test and Validation Accuracy

Figure 3 illustrates the results of one experiment (Exp-13) comparing predicted and actual classes of representative images on the test set.
Accuracy and standard deviation for the training, validation and test sets by architecture and experiment are shown in Table 4 and Table 5, Figure 4. From the Figure 4 it can be seen that the ResNet-50 models achieved the highest accuracy during the validation and test phases. Table 4 shows that DenseNet models obtained the greatest accuracy of the five architectures during training. Conversely, CaiT based models showed the lowest accuracy on the validation and test stages. For the individual experiments the top three training accuracies were 99.45%, 99.44% and 99.42% for Exp-05, Exp-06 and Exp-13, respectively. The best validation accuracy was obtained for Experiments Exp-17 and Exp-18 (99.19% both of them) which are based on ResNet-50r, followed by Exp-13, Exp-15 which are built on ResNet-50. The top performers at the test phase were Exp-18, Exp-15 and Exp-05 (Table 5). At architecture level CaiT models showed the highest standard deviation for the three stages, in particular Exp-04 at training and test. It should be noted that in all phases and for all models, the average accuracy was greater than 98.0%.

3.2. Performance Metrics Prior to Bootstrapping

Table 6 summarises the performance metrics during the test phase by network prior to bootstrapping. The average performance of each network for all evaluation metrics was in the following descending order: ResNet-50, ResNet-50r, DesNet-121, MobileNet-v3 and CaiT (Figure 4). The five networks reached an average performance of over 98% for the 7 evaluation metrics, except for CaiT, which showed an average M C C of 97.64 % . ResNet-50 achieved values over 99.0 % in six of the seven evaluation metrics, followed by ResNet-50r which hit the the highest F 1 and F 2 scores and the same average performance than ResNet-50 in S e n s and S p e c . It was observed that the B A , F 1 , F 2 and Sens presented very close values to each other when evaluating the performance of the architectures (Table 6). The MCC suggests that there is high correlation among the predictions and their real class and reflects the impact of the class imbalance [81]. In addition, from the metrics by experiment it was noted that, Exp-18 and Exp-20 obtained the highest values from all experiments for all metrics followed by Exp-05 and Exp-15 (Table 7). Exp-03 and Exp-04 showed the largest standard deviation in three and four of the evaluation metrics, respectively.

3.3. Ranking and Confidence Intervals Post-Bootstrapping

Table 8, Table 9, Table 10 and Table 11 summarise the medians, ranking and confidence intervals with α = 0.05 of the architectures and experiments by metric. The ranks of the networks from the best to poorest performance was as follows: ResNet-50, ResNet-50r, DenseNet-121, MobileNet-v3 and CaiT (Table 8). ResNet-50 models outperformed the other architecture models in 5 of the 7 evaluation metrics (Acc, BA, MCC, Sens and Spec). ResNet-50r surpassed ResNet-50 in the F1 and F2 scores. It also obtained the second best rank for the rest of metrics. Although the medians obtained for each metric by network were almost identical to their respective mean prior to bootstrapping, the confidence intervals were tighter (Table 6, Table 7, Table 8, Table 9, Table 10 and Table 11). In general, all networks showed wider CI for specificity than for sensitivity (Table 9). The MCC showed lower confidence bounds for all networks. CaiT confidence intervals by architecture were the lowest ranging from 97.36% to 97.88%. Models based on ResNet-50 and ResNet-50r performance lower bounds were greater than 99.0% in five of the seven metrics and over 98.0% for the MCC and accuracy. The ranking of the bootstrap samples by experiments for each metric is shown in Table 10. The top ranks in descending were achieved by Exp-18, Exp-20, Exp-05 and Exp-15. ResNet-50r based experiments outperformed all models metrics when trained to minimise the loss function with AdamW. Exp-18 showed the highest rank in all performance metrics except for the MCC where it ranked negligibly lower than Exp-20. The opposite effect was observed when training ResNet-50r to minimise the wCE with Adam (Exp-19). Exp-19 ranked the lowest for experiments based on ResNet-50r. The results suggests that the size of the kernel in ResNet-50r have a positive effect on the performance of Exp-18 and Exp-20 which are the modified versions of Exp-14 and Exp-16. Furthermore, Exp-15 and Exp-13 were the highest and lowest ranks for experiments built in ResNet-50. This effect might be due to the loss function that each of these two experiments optimised (wCE and CE, respectively). DenseNet-121 and MobileNet-v3 models performed better when minimising the CE loss function (Exp-05, Exp-06, Exp-09 and Exp-10). In contrast, experiments built on ResNet-50 perform better when minimising the wCE loss function. Further more, experiments built on CaiT and ResNet-50r performed their best when optimising with AdamW (Exp-02, Exp-04, Exp-18 and Exp-20). The lowest performance boundaries were 96.96% and 96.89% for the MCC (Table 11, Exp-03 and Exp-04).

3.4. Maximum Training Epochs

The training of the networks has a critical effect on the evaluation of the models on unseen data (generalisation performance). To have an insight into the number of training cycles required for each of the classifiers to achieve their best validation accuracy, the number of epochs at which each experiment obtained the highest validation accuracy and the accuracy achieved was recorded. Following this, 1000 bootstrap samples for the maximum validation accuracy and the number epochs required to reach the maximum were simultaneously obtained. Table 12 and Table 13 provide the ranking, the median of maximum accuracy and the number of epochs required to reach the maximum accuracy during validation by architecture and experiment. Figure 5 and Figure 6 show the medians and distribution of the data for both the maximum accuracy by architecture and experiment. The best ranks for the number of epochs were given to models based on ResNet-50 and Dense-Net-121 which required six and seven rounds of epochs training, respectively. Conversely, ResNet-50r and CaiT mostly required to train for 8 epochs to reach their best performance. The information in Table 1 and Table 12 provides a wider overview on how the GPU/CPU/Memory resources were utilised and their impact on training on the training and validation process. The operation that required more memory for CaiT was matrix multiplication for attention. It was observed that a huge reduction on ATTE for CaiT (over 56%) when training in ColabPro+. This huge reduction was not as apparent on the other architectures. Nevertheless, CaiT models required more resources and longer training time that all networks in spite of having less parameters than ResNet-50 architecture. Although ResNet-50 and ResNet-50r have more parameters than the other three architectures, the only architecture that trained faster than these two DL networks was MobileNet-v3. However, with a median of 6 epochs, ResNet-50 not only outperforms MobileNet-v3 in training time but all other networks. On the other hand, Exp-14 and Exp-15 achieved the best ranking for number of training epochs accounting for 6 followed by Exp-05.
ResNet-50 and ResNet-50r reached the top ranks for the maximum accuracy during validation while the top ranks by experiment were given to Exp-16 to Exp-18. Exp-17 obtained the highest rank for the maximum validation accuracy. All networks at their best validation accuracy allowed lower accuracy bounds greater from 98.73 % .

3.5. Non-Parametric Ranks Comparisons

The results of the Friedman test suggested significant differences among the average ranks of the networks and experiments (p-value < 0.001 ). Therefore, the pairwise Friedman–Nemenyi multiple comparisons by network and experiment for all performance metrics was the next step. Figure 7 shows that there was no significant difference on the performance ResNet-50 and ResNet-50r models for the MCC, Sens and Spec. The rest of the architectures performed significantly different to each other for all metrics (p-value < 0.01 ). For the maximum accuracy and the number of epochs, all architectures performed significantly different (p-value < 0.01 ). This suggest that ResNet-50 networks train faster than the other networks (Table 12).
Figure 8 shows the Nemenyi test results by experiment for all the performance metrics. Exp-18, Exp-20 obtained the highest ranks for all metrics (Table 10). The two experiments showed no significant difference in the F1, F2, MCC, Sens and Spec. Consequently, the two experiments show no statistical difference for the maximum validation accuracy. The Nemenyi test also determined that there was no significant difference in the number of the training epochs required by Exp-14 and Exp-15 to achieved the maximum validation accuracy (top ranks for the number of epochs in Table 13).
In addition, Exp-05 showed no significant difference to Exp-14 and Exp-15 for the F1 and MCC. It can be noted that Exp-19 which was the under performer model based on ResNet-50r has similar predictive power for BA, F1, Sens and Spec than from Exp-02.
The post hoc tests confirm with 95.0 % confidence that in general ResNet-50 based models have a significantly higher performance in the classification of COVID-19 than the other architectures. ResNet-50 architecture not only outperformed the other networks in all metrics but it also make a more effective use of resources by utilising less training time. ResNet-50r models optimized with AdamW outperform all models configurations in all metrics (Exp-18 and Exp-20). However, it requires longer training time, this may be due to the size of the kernel generating more convolutions therefore increasing the number of trainable parameters (Table 1).
The work presented here shows that CaiT performs better when optimising the objective with AdamW (Exp-02 and Exp-04), DenseNet when optimising CE with Adam (Exp-05), MobileNet-v3 optimising CE with Adam or AdamW (Exp-9 and Exp-10). Whereas ResNet-50 performs better when minimising wCE with Adam (Exp-15) and finally ResNet-50r minimising CE with AdamW (Exp-17).
Kernels are small learnable filters that convolve along the depth of an image producing a feature map [82]. It can be observed that the resized kernel on ResNet-50 has a positive effect on experiments Exp-18 and Exp-20 which are the counterpart of Exp-14 and Exp-16. It is possible to attribute this to the fact that the kernel was able to generate feature maps at greater detail for images that might have only small or occluded areas with infection. ResNet-50 is pretrained on the ImageNet dataset which has 1000 object classes of regular size. Whilst identifying a large number of classes represents a challenge in itself, in the medical field to be able to identify small areas of concern is critical for diagnosis. The scope of this work was limited to evaluate the performance of the models by network and experiment after eight rounds of epochs training. Alternatively, from this study of the maximum validation accuracy and the number of epochs by experiment, the post hoc test shows that there is a potential for improvement in the performance of DenseNet-121, MobileNet-v3, ResNet-50 and ResNet-50r. The performance of Exp-06, Exp-12 and Exp-17 can be evaluated after seven rounds of epochs training. Meanwhile the performance of Exp-16 can be measured after six rounds of epochs training.

3.6. Limitations of the Present Work

The methodology describe in this paper has several limitations. First, the number of deep learning architectures that was compared was limited. This was a choice as the main objective is not a through comparison of all possible architectures, but rather to present a methodology through which these can be compared with statistical non-parametric tests. Still, a variety of architectures with some of the most recent ones at the time of writing was selected. Second, the data considered for this work were 2D images and not the 3D datasets that can be obtained directly from CT scanners. The authors did not have access to these datasets. Third, this work considered classification of images, but did not extended to segmentation [34], localisation [83], assessment of severity or evolution of the disease [37]. As previously mentioned, one objective was to present a methodology for comparison. Finally, this work is not ready to be deployed in a clinical setting. It is hoped that the methodology here described will help the comparisons of future works and when a methodology is to be deployed clinically, a thorough and fair comparison such as the ones suggested here will be performed.

4. Conclusions

In this work, public datasets of chest CT scans were collated and analysed with five AI techniques which were capable to distinguish between positive cases of COVID-19, community-acquired pneumonia and healthy individuals. All the deep learning models were trained and their performance was evaluated with different metrics: accuracy, balanced accuracy, F1 and F2 score, MCC, sensitivity and specificity. Non-parametric statistics were applied, starting from bootstrapping to obtain confidence intervals, followed with the comparison of the models by using the Friedman test and the Nemenyi pairwise post hoc test. It can be concluded with statistical confidence that the ResNet-50 architectures are robust to classify COVID-19 in a multi-class set-up. ResNet-50 models achieved performances over 98 % in all metrics and outperformed MobileNet-v3, DenseNet-121 and CaiT. In the particular case, ResNet-50r which is a modified version of ResNet-50 was shown to be the best classifier when optimising either CE or wCE (Exp-18 and Exp-20) with AdamW. In these conditions, confidence intervals of 99.24 % to 99.41 % , 99.23 % to 99.41 % , and 98.48 % to 98.86 % , were obtained for the BA, F1, MCC, respectively. Whilst the metrics of most experiments were high, the rankings after thousands of bootstrap repetitions were more discriminatory and placed ResNet-50r with AdamW in the top place. On the other hand, the CaiT architectures had the lowest rankings. One important observation was that the results suggest that less complex architectures can outperform more complex network architectures in the detection of COVID-19 in a multi-class setup. In general, ResNet-50 showed to be more robust to changes achieving the top ranks in all metrics. With exception of Exp-05, Exp-06, Exp-19, it was observed from Table 10 that Exp-13 to Exp-20 ranked better than experiments Exp-01 to Exp-12 (i.e., those not using ResNet). This study was not aimed to provide causal inference about the reason why ResNet-50 and ResNet-50r networks achieved better results. However, it can be assumed that there was positive interaction between the hyper-parameter selection and experimental setup.

Author Contributions

Conceptualization, A.A.-C. and C.C.R.-A.; methodology, A.A.-C.; software, A.A.-C.; validation, A.A.-C.; formal analysis, A.A.-C. and C.C.R.-A.; investigation, A.A.-C.; resources, A.A.-C.; data curation, A.A.-C.; writing—original draft preparation, A.A.-C.; writing—review and editing, C.C.R.-A.; visualization, A.A.-C.; supervision, C.C.R.-A.; project administration, C.C.R.-A. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Datasets are available at: https://www.kaggle.com/datasets/maedemaftouni/large-covid19-ct-slice-dataset (accessed on 3 August 2022) https://data.mendeley.com/datasets/3y55vgckg6/2 (accessed on 3 August 2022).

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
AccAccuracy
ATTEAverage training time per epoch
BABalanced accuracy
CAPCommunity acquired pneumonia
CECross entropy
CTComputed tomography
MCCMathew’s correlation coefficient
SensSensitivity
SpecSpecificity
ValValidation
wCEWeighted cross entropy

References

  1. Coronaviridae Study Group of the International Committee on Taxonomy of Viruses. The species Severe acute respiratory syndrome-related coronavirus: Classifying 2019-nCoV and naming it SARS-CoV-2. Nat. Microbiol. 2020, 5, 536–544. [Google Scholar] [CrossRef] [PubMed]
  2. Fatoye, F.; Gebrye, T.; Arije, O.; Fatoye, C.T.; Onigbinde, O.; Mbada, C.E. Economic Impact of COVID-19 lockdown on households. Pan Afr. Med. J. 2021, 40, 225. [Google Scholar] [CrossRef]
  3. Güner, O.; Öztürk, R. Psychological and social impact and lifestyle changes among pregnant women of COVID-19 pandemic: A qualitative study. Arch. Psychiatr. Nurs. 2022, 36, 70–77. [Google Scholar] [CrossRef] [PubMed]
  4. Kanji, J.N.; Zelyas, N.; MacDonald, C.; Pabbaraju, K.; Khan, M.N.; Prasad, A.; Hu, J.; Diggle, M.; Berenger, B.M.; Tipples, G. False negative rate of COVID-19 PCR testing: A discordant testing analysis. Virol. J. 2021, 18, 13. [Google Scholar] [CrossRef] [PubMed]
  5. Kortela, E.; Kirjavainen, V.; Ahava, M.J.; Jokiranta, S.T.; But, A.; Lindahl, A.; Jääskeläinen, A.E.; Jääskeläinen, A.J.; Järvinen, A.; Jokela, P.; et al. Real-life clinical sensitivity of SARS-CoV-2 RT-PCR test in symptomatic patients. PLoS ONE 2021, 16, e0251661. [Google Scholar]
  6. Li, W.; Deng, X.; Shao, H.; Wang, X. Deep Learning Applications for COVID-19 Analysis: A State-of-the-Art Survey. Comput. Model. Eng. Sci. 2021, 129, 65. [Google Scholar] [CrossRef]
  7. Pokhrel, P.; Hu, C.; Mao, H. Detecting the Coronavirus (COVID-19). ACS Sens. 2020, 5, 2283–2296. [Google Scholar] [CrossRef]
  8. Xie, X.; Zhong, Z.; Zhao, W.; Zheng, C.; Wang, F.; Liu, J. Chest CT for Typical Coronavirus Disease 2019 (COVID-19) Pneumonia: Relationship to Negative RT-PCR Testing. Radiology 2020, 296, E41–E45. [Google Scholar] [CrossRef]
  9. Litmanovich, D.E.; Chung, M.; Kirkbride, R.R.; Kicska, G.; Kanne, J.P. Review of Chest Radiograph Findings of COVID-19 Pneumonia and Suggested Reporting Language. J. Thorac. Imaging 2020, 35, 354–360. [Google Scholar] [CrossRef]
  10. Axiaq, A.; Almohtadi, A.; Massias, S.A.; Ngemoh, D.; Harky, A. The role of computed tomography scan in the diagnosis of COVID-19 pneumonia. Curr. Opin. Pulm. Med. 2021, 27, 163–168. [Google Scholar] [CrossRef]
  11. Muhammad, U.; Hoque, M.Z.; Oussalah, M.; Keskinarkaus, A.; Seppänen, T.; Sarder, P. SAM: Self-augmentation mechanism for COVID-19 detection using chest X-ray images. Knowl.-Based Syst. 2022, 241, 108207. [Google Scholar] [CrossRef]
  12. Bernheim, A.; Mei, X.; Huang, M.; Yang, Y.; Fayad, Z.A.; Zhang, N.; Diao, I.; Lin, B.; Zhu, X.; Li, K.; et al. Chest CT Findings in Coronavirus Disease-19 (COVID-19): Relationship to Duration of Infection. Radiology 2020, 295, 200463. [Google Scholar] [CrossRef]
  13. Carotti, M.; Salaffi, F.; Sarzi-Puttini, P.; Agostini, A.; Borgheresi, A.; Minorati, D.; Galli, M.; Marotto, D.; Giovagnoni, A. Chest CT features of coronavirus disease 2019 (COVID-19) pneumonia: Key points for radiologists. Radiol. Med. 2020, 125, 636–646. [Google Scholar] [CrossRef]
  14. Grassi, R.; Fusco, R.; Belfiore, M.P.; Montanelli, A.; Patelli, G.; Urraro, F.; Petrillo, A.; Granata, V.; Sacco, P.; Mazzei, M.A.; et al. Coronavirus disease 2019 (COVID-19) in Italy: Features on chest computed tomography using a structured report system. Sci. Rep. 2020, 10, 17236. [Google Scholar] [CrossRef]
  15. Zuo, H. Contribution of CT Features in the Diagnosis of COVID-19. Can. Respir. J. 2020, 2020, e1237418. [Google Scholar] [CrossRef]
  16. Aleksander, I.; Thomas, W.; Bowden, P. WISARD·a radical step forward in image recognition. Sens. Rev. 1984, 4, 120–124. [Google Scholar] [CrossRef]
  17. Kohonen, T. Self-organized formation of topologically correct feature maps. Biol. Cybern. 1982, 43, 59–69. [Google Scholar] [CrossRef]
  18. Aleksander, I. Neural computing: Hype or reality? Eur. Manag. J. 1988, 6, 114–117. [Google Scholar] [CrossRef]
  19. Mitchell, M. Why AI is Harder Than We Think. arXiv 2021, arXiv:2104.12871. [Google Scholar] [CrossRef]
  20. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef]
  21. Bengio, Y.; Courville, A.; Vincent, P. Representation Learning: A Review and New Perspectives. IEEE Trans. Pattern Anal. Mach. Intell. 2013, 35, 1798–1828. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  22. Russakovsky, O.; Deng, J.; Su, H.; Krause, J.; Satheesh, S.; Ma, S.; Huang, Z.; Karpathy, A.; Khosla, A.; Bernstein, M.; et al. ImageNet Large Scale Visual Recognition Challenge. Int. J. Comput. Vis. (IJCV) 2015, 115, 211–252. [Google Scholar] [CrossRef]
  23. Esteva, A.; Kuprel, B.; Novoa, R.A.; Ko, J.; Swetter, S.M.; Blau, H.M.; Thrun, S. Dermatologist-level classification of skin cancer with deep neural networks. Nature 2017, 542, 115–118. [Google Scholar] [CrossRef] [PubMed]
  24. Chauhan, T.; Palivela, H.; Tiwari, S. Optimization and fine-tuning of DenseNet model for classification of COVID-19 cases in medical imaging. Int. J. Inf. Manag. Data Insights 2021, 1, 100020. [Google Scholar] [CrossRef]
  25. Chen, J.; Wu, L.; Zhang, J.; Zhang, L.; Gong, D.; Zhao, Y.; Hu, S.; Wang, Y.; Hu, X.; Zheng, B.; et al. Deep learning-based model for detecting 2019 novel coronavirus pneumonia on high-resolution computed tomography: A prospective study. medRxiv 2020. Available online: https://www.medrxiv.org/content/early/2020/03/01/2020.02.25.20021568.full.pdf (accessed on 25 August 2022).
  26. Hu, K.; Huang, Y.; Huang, W.; Tan, H.; Chen, Z.; Zhong, Z.; Li, X.; Zhang, Y.; Gao, X. Deep Supervised Learning Using Self-Adaptive Auxiliary Loss for COVID-19 Diagnosis from Imbalanced CT Images. Neurocomputing 2021, 458, 232–245. [Google Scholar] [CrossRef]
  27. Li, L.; Qin, L.; Xu, Z.; Yin, Y.; Wang, X.; Kong, B.; Bai, J.; Lu, Y.; Fang, Z.; Song, Q.; et al. Using Artificial Intelligence to Detect COVID-19 and Community-acquired Pneumonia Based on Pulmonary CT: Evaluation of the Diagnostic Accuracy. Radiology 2020, 296, E65–E71. [Google Scholar] [CrossRef]
  28. Pham, T.D. A comprehensive study on classification of COVID-19 on computed tomography with pretrained convolutional neural networks. Sci. Rep. 2020, 10, 16942. [Google Scholar] [CrossRef]
  29. 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, 1379–1389. [Google Scholar] [CrossRef]
  30. Mousavi, Z.; Shahini, N.; Sheykhivand, S.; Mojtahedi, S.; Arshadi, A. COVID-19 detection using chest X-ray images based on a developed deep neural network. SLAS Technol. 2022, 27, 63–75. [Google Scholar] [CrossRef]
  31. Sheykhivand, S.; Mousavi, Z.; Mojtahedi, S.; Yousefi Rezaii, T.; Farzamnia, A.; Meshgini, S.; Saad, I. Developing an efficient deep neural network for automatic detection of COVID-19 using chest X-ray images. Alex. Eng. J. 2021, 60, 2885–2903. [Google Scholar] [CrossRef]
  32. Zhou, T.; Canu, S.; Ruan, S. Automatic COVID-19 CT segmentation using U-Net integrated spatial and channel attention mechanism. Int. J. Imaging Syst. Technol. 2021, 31, 16–27. [Google Scholar] [CrossRef]
  33. Zhang, Q.; Ren, X.; Wei, B. Segmentation of infected region in CT images of COVID-19 patients based on QC-HC U-net. Sci. Rep. 2021, 11, 22854. [Google Scholar] [CrossRef]
  34. Das, A. Adaptive UNet-based Lung Segmentation and Ensemble Learning with CNN-based Deep Features for Automated COVID-19 Diagnosis. Multimed. Tools Appl. 2022, 81, 5407–5441. [Google Scholar] [CrossRef]
  35. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. arXiv 2015, arXiv:1505.04597. [Google Scholar]
  36. Reyes-Aldasoro, C.C.; Bhalerao, A. Volumetric Texture Analysis in Biomedical Imaging. In Biomedical Diagnostics and Clinical Technologies: Applying High-Performance Cluster and Grid Computing, 1st ed.; IGI Global: Hershey, PA, USA, 2011; pp. 200–248. ISBN 9781605662800. [Google Scholar] [CrossRef]
  37. Bougourzi, F.; Distante, C.; Ouafi, A.; Dornaika, F.; Hadid, A.; Taleb-Ahmed, A. Per-COVID-19: A Benchmark Dataset for COVID-19 Percentage Estimation from CT-Scans. J. Imaging 2021, 7, 189. [Google Scholar] [CrossRef]
  38. Yang, J.; Wu, B.; Li, L.; Cao, P.; Zaiane, O. MSDS-UNet: A multi-scale deeply supervised 3D U-Net for automatic segmentation of lung tumor in CT. Comput. Med. Imaging Graph. 2021, 92, 101957. [Google Scholar] [CrossRef]
  39. Wang, Y.; Yang, Q.; Tian, L.; Zhou, X.; Rekik, I.; Huang, H. HFCF-Net: A hybrid-feature cross fusion network for COVID-19 lesion segmentation from CT volumetric images. Med. Phys. 2022, 49, 3797–3815. [Google Scholar] [CrossRef]
  40. Ali Ahmed, S.A.; Yavuz, M.C.; Şen, M.U.; Gülşen, F.; Tutar, O.; Korkmazer, B.; Samancı, C.; Şirolu, S.; Hamid, R.; Eryürekli, A.E.; et al. Comparison and ensemble of 2D and 3D approaches for COVID-19 detection in CT images. Neurocomputing 2022, 488, 457–469. [Google Scholar] [CrossRef]
  41. Zheng, W.; Yan, L.; Gou, C.; Zhang, Z.C.; Jason Zhang, J.; Hu, M.; Wang, F.Y. Pay attention to doctor-patient dialogues: Multi-modal knowledge graph attention image-text embedding for COVID-19 diagnosis. Inf. Fusion 2021, 75, 168–185. [Google Scholar] [CrossRef]
  42. Jayachitra, V.P.; Nivetha, S.; Nivetha, R.; Harini, R. A cognitive IoT-based framework for effective diagnosis of COVID-19 using multimodal data. Biomed. Signal Process. Control 2021, 70, 102960. [Google Scholar] [CrossRef] [PubMed]
  43. Zhou, J.; Zhang, X.; Zhu, Z.; Lan, X.; Fu, L.; Wang, H.; Wen, H. Cohesive Multi-Modality Feature Learning and Fusion for COVID-19 Patient Severity Prediction. IEEE Trans. Circuits Syst. Video Technol. 2022, 32, 2535–2549. [Google Scholar] [CrossRef] [PubMed]
  44. Zhou, T.; Lu, H.; Yang, Z.; Qiu, S.; Huo, B.; Dong, Y. The ensemble deep learning model for novel COVID-19 on CT images. Appl. Soft Comput. 2021, 98, 106885. [Google Scholar] [CrossRef] [PubMed]
  45. Yang, L.; Wang, S.H.; Zhang, Y.D. EDNC: Ensemble Deep Neural Network for COVID-19 Recognition. Tomography 2022, 8, 869–890. [Google Scholar] [CrossRef]
  46. Zazzaro, G.; Martone, F.; Romano, G.; Pavone, L. A Deep Learning Ensemble Approach for Automated COVID-19 Detection from Chest CT Images. J. Clin. Med. 2021, 10, 5982. [Google Scholar] [CrossRef]
  47. Gibney, E. How to shrink AI’s ballooning carbon footprint. Nature 2022, 607, 648. [Google Scholar] [CrossRef]
  48. Subramanian, N.; Elharrouss, O.; Al-Maadeed, S.; Chowdhury, M. A review of deep learning-based detection methods for COVID-19. Comput. Biol. Med. 2022, 143, 105233. [Google Scholar] [CrossRef]
  49. Soomro, T.A.; Zheng, L.; Afifi, A.J.; Ali, A.; Yin, M.; Gao, J. Artificial intelligence (AI) for medical imaging to combat coronavirus disease (COVID-19): A detailed review with direction for future research. Artif. Intell. Rev. 2022, 55, 1409–1439. [Google Scholar] [CrossRef]
  50. Shah, A.; Shah, M. Advancement of deep learning in pneumonia/COVID-19 classification and localization: A systematic review with qualitative and quantitative analysis. Chronic Dis. Transl. Med. 2022, 1–18. [Google Scholar] [CrossRef]
  51. Siddiqui, S.; Arifeen, M.; Hopgood, A.; Good, A.; Gegov, A.; Hossain, E.; Rahman, W.; Hossain, S.; Al Jannat, S.; Ferdous, R.; et al. Deep Learning Models for the Diagnosis and Screening of COVID-19: A Systematic Review. SN Comput. Sci. 2022, 3, 397. [Google Scholar] [CrossRef]
  52. Bohmrah, M.K.; Kaur, H. Classification of COVID-19 patients using efficient fine-tuned deep learning DenseNet model. Glob. Transitions Proc. 2021, 2, 476–483. [Google Scholar] [CrossRef]
  53. 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. 2021, 39, 5682–5689. [Google Scholar] [CrossRef]
  54. Biswas, S.; Chatterjee, S.; Majee, A.; Sen, S.; Schwenker, F.; Sarkar, R. Prediction of COVID-19 from Chest CT Images Using an Ensemble of Deep Learning Models. Appl. Sci. 2021, 11, 7004. [Google Scholar] [CrossRef]
  55. Kundu, R.; Singh, P.K.; Ferrara, M.; Ahmadian, A.; Sarkar, R. ET-NET: An ensemble of transfer learning models for prediction of COVID-19 infection through chest CT-scan images. Multimed. Tools Appl. 2022, 81, 31–50. [Google Scholar] [CrossRef]
  56. López-Cabrera, J.D.; Orozco-Morales, R.; Portal-Diaz, J.A.; Lovelle-Enríquez, O.; Pérez-Díaz, M. Current limitations to identify COVID-19 using artificial intelligence with chest X-ray imaging. Health Technol. 2021, 11, 411–424. [Google Scholar] [CrossRef]
  57. Taddeo, M.; Tsamados, A.; Cowls, J.; Floridi, L. Artificial intelligence and the climate emergency: Opportunities, challenges, and recommendations. One Earth 2021, 4, 776–779. [Google Scholar] [CrossRef]
  58. Dhar, P. The carbon impact of artificial intelligence. Nat. Mach. Intell. 2020, 2, 423–425. [Google Scholar] [CrossRef]
  59. Schwartz, R.; Dodge, J.; Smith, N.A.; Etzioni, O. Green AI. Commun. ACM 2020, 63, 54–63. [Google Scholar] [CrossRef]
  60. Maftouni, M. Large COVID-19 CT Scan Slice Dataset. Available online: https://www.kaggle.com/datasets/maedemaftouni/large-covid19-ct-slice-dataset (accessed on 3 August 2021).
  61. Maftouni, M. Curated_COVID_CT. Available online: https://github.com/maftouni/Curated_Covid_CT (accessed on 1 July 2022).
  62. Maftouni, M.; Law, A.C.C.; Shen, B.; Zhou, Y.; Ayoobi Yazdi, N.; Kong, Z. A Robust Ensemble-Deep Learning Model for COVID-19 Diagnosis based on an Integrated CT Scan Images Database. In Proceedings of the 2021 IISE Annual Conference, Virtual, 23–25 May 2021; pp. 632–637. [Google Scholar]
  63. Yan, T.; Wong, P.K.; Ren, H.; Wang, H.; Wang, J.; Li, Y. Automatic distinction between COVID-19 and common pneumonia using multi-scale convolutional neural network on chest CT scans. Chaos Solitons Fractals 2020, 140, 110153. [Google Scholar] [CrossRef]
  64. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. arXiv 2015, arXiv:1512.03385. [Google Scholar] [CrossRef]
  65. Huang, G.; Liu, Z.; van der Maaten, L.; Weinberger, K.Q. Densely Connected Convolutional Networks. arXiv 2018, arXiv:1608.06993. [Google Scholar] [CrossRef]
  66. Howard, A.; Sandler, M.; Chu, G.; Chen, L.C.; Chen, B.; Tan, M.; Wang, W.; Zhu, Y.; Pang, R.; Vasudevan, V.; et al. Searching for MobileNetV3. arXiv 2019, arXiv:1905.02244. [Google Scholar] [CrossRef]
  67. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, L.; Polosukhin, I. Attention Is All You Need. arXiv 2017, arXiv:1706.03762. [Google Scholar] [CrossRef]
  68. Touvron, H.; Cord, M.; Sablayrolles, A.; Synnaeve, G.; Jégou, H. Going deeper with Image Transformers. arXiv 2021, arXiv:2103.17239. [Google Scholar] [CrossRef]
  69. Kingma, D.P.; Ba, J. Adam: A Method for Stochastic Optimization. arXiv 2017, arXiv:1412.6980. [Google Scholar] [CrossRef]
  70. Choi, D.; Shallue, C.J.; Nado, Z.; Lee, J.; Maddison, C.J.; Dahl, G.E. On Empirical Comparisons of Optimizers for Deep Learning. arXiv 2020, arXiv:1910.05446. [Google Scholar] [CrossRef]
  71. Loshchilov, I.; Hutter, F. Decoupled Weight Decay Regularization. In Proceedings of the International Conference on Learning Representations, New Orleans, LA, USA, 6–9 May 2019. [Google Scholar]
  72. Tanha, J.; Abdi, Y.; Samadi, N.; Razzaghi, N.; Asadpour, M. Boosting methods for multi-class imbalanced data classification: An experimental review. J. Big Data 2020, 7, 70. [Google Scholar] [CrossRef]
  73. Grandini, M.; Bagli, E.; Visani, G. Metrics for Multi-Class Classification: An Overview. arXiv 2020, arXiv:2008.05756. [Google Scholar] [CrossRef]
  74. Demšar, J. Statistical Comparisons of Classifiers over Multiple Data Sets. J. Mach. Learn. Res. 2006, 7, 1–30. [Google Scholar]
  75. Friedman, M. The Use of Ranks to Avoid the Assumption of Normality Implicit in the Analysis of Variance. J. Am. Stat. Assoc. 1937, 32, 675–701. [Google Scholar] [CrossRef]
  76. Nemenyi, P.B. Distribution-Free Multiple Comparisons. Ph.D. Thesis, Princeton University, Princeton, NJ, USA, 1963. [Google Scholar]
  77. Japkowicz, N.; Shah, M. Error Estimation. In Evaluating Learning Algorithms: A Classification Perspective; Cambridge University Press: Cambridge, UK, 2011; Chapter 5; pp. 161–205. [Google Scholar]
  78. Lingelbach, K.; Bui, M.; Diederichs, F.; Vukelić, M. Exploring Conventional, Automated and Deep Machine Learning for Electrodermal Activity-Based Drivers’ Stress Recognition. In Proceedings of the 2021 IEEE International Conference on Systems, Man, and Cybernetics (SMC), Melbourne, Australia, 17–20 October 2021; pp. 1339–1344. [Google Scholar]
  79. Corizzo, R.; Ceci, M.; Zdravevski, E.; Japkowicz, N. Scalable Auto-Encoders for Gravitational Waves Detection from Time Series Data. Expert Syst. Appl. 2020, 151, 113378. [Google Scholar] [CrossRef]
  80. Japkowicz, N.; Shah, M. Statistical Significance Testing. In Evaluating Learning Algorithms: A Classification Perspective; Cambridge University Press: Cambridge, UK, 2011; Chapter 6; pp. 206–291. [Google Scholar]
  81. Chicco, D.; Tötsch, N.; Jurman, G. The Matthews correlation coefficient (MCC) is more reliable than balanced accuracy, bookmaker informedness, and markedness in two-class confusion matrix evaluation. BioData Min. 2021, 14, 13. [Google Scholar] [CrossRef]
  82. Goodfellow, I.; Bengio, Y.; Courville, A. Deep Learning; MIT Press: Cambridge, MA, USA, 2016; pp. 326–366. [Google Scholar]
  83. Yang, Y.; Chen, J.; Wang, R.; Ma, T.; Wang, L.; Chen, J.; Zheng, W.S.; Zhang, T. Towards Unbiased COVID-19 Lesion Localisation And Segmentation Via Weakly Supervised Learning. In Proceedings of the 2021 IEEE 18th International Symposium on Biomedical Imaging (ISBI), Nice, France, 13–16 April 2021; pp. 1966–1970. [Google Scholar] [CrossRef]
Figure 1. Illustration of six representative Computed Tomography (CT) images of the three different classes: community-acquired pneumonia (CAP), COVID and non-COVID.
Figure 1. Illustration of six representative Computed Tomography (CT) images of the three different classes: community-acquired pneumonia (CAP), COVID and non-COVID.
Jimaging 08 00237 g001
Figure 2. Graphical illustration of the pipeline steps used for the training, evaluation and comparison of the deep neural network models for the classification of COVID-19 in a multi-class setup used in this work. All outputs from test phased were bootstrapped. Training, validation and test were run 10 times. After this, the test and validation results were further bootstrapped for 1000 cycles. * Indicates the bootstrapped outputs from validation phase.
Figure 2. Graphical illustration of the pipeline steps used for the training, evaluation and comparison of the deep neural network models for the classification of COVID-19 in a multi-class setup used in this work. All outputs from test phased were bootstrapped. Training, validation and test were run 10 times. After this, the test and validation results were further bootstrapped for 1000 cycles. * Indicates the bootstrapped outputs from validation phase.
Jimaging 08 00237 g002
Figure 3. Illustration of results (horizontal label) with their prediction and probability score (vertical label). (a) Correct predictions. (b) Misclassifications.
Figure 3. Illustration of results (horizontal label) with their prediction and probability score (vertical label). (a) Correct predictions. (b) Misclassifications.
Jimaging 08 00237 g003
Figure 4. Train, validation and test accuracy before the bootstrapping cycle by network and experiment. (a) Train accuracy by architecture. (b) Validation accuracy by architecture. (c) Test accuracy by architecture. (d) Train accuracy by experiment. (e) Validation accuracy by experiment. (f) Test accuracy by experiment.
Figure 4. Train, validation and test accuracy before the bootstrapping cycle by network and experiment. (a) Train accuracy by architecture. (b) Validation accuracy by architecture. (c) Test accuracy by architecture. (d) Train accuracy by experiment. (e) Validation accuracy by experiment. (f) Test accuracy by experiment.
Jimaging 08 00237 g004aJimaging 08 00237 g004b
Figure 5. Epochs required to reach the maximum validation accuracy. (a) Epochs by architecture. (b) Epochs by experiment (CaiT experiments 1–4, DenseNet experiments 5–8, MobileNet experiments 9–12, ResNet-50 experiments 13–17, ResNet-50r experiments 17–20).
Figure 5. Epochs required to reach the maximum validation accuracy. (a) Epochs by architecture. (b) Epochs by experiment (CaiT experiments 1–4, DenseNet experiments 5–8, MobileNet experiments 9–12, ResNet-50 experiments 13–17, ResNet-50r experiments 17–20).
Jimaging 08 00237 g005
Figure 6. Maximum training accuracy and training epochs to reach the maximum accuracy after 1000 bootstrap cycles. (a) Max accuracy by architecture. (b) Max accuracy by experiment. (c) Epochs required to reach the maximum accuracy by architecture. (d) Epochs required to reach the maximum accuracy by experiment. CaiT experiments 1–4, DenseNet experiments 5–8, MobileNet experiments 9–12, ResNet-50 experiments 13–17, ResNet-50r experiments 17–20.
Figure 6. Maximum training accuracy and training epochs to reach the maximum accuracy after 1000 bootstrap cycles. (a) Max accuracy by architecture. (b) Max accuracy by experiment. (c) Epochs required to reach the maximum accuracy by architecture. (d) Epochs required to reach the maximum accuracy by experiment. CaiT experiments 1–4, DenseNet experiments 5–8, MobileNet experiments 9–12, ResNet-50 experiments 13–17, ResNet-50r experiments 17–20.
Jimaging 08 00237 g006
Figure 7. Nemenyi post hoc rankings pairwise of the by network for each of the performance metrics. The comparison was done for all metrics, the maximum accuracy during training and the epoch at which the maximum accuracy was reached. The comparison carried out after 1000 bootstrap cycles. (a) Accuracy. (b) Balanced accuracy, (c) F1 score, (d) F2 score, (e) Matthew’s correlation coefficient. (f) Sensitivity. (g) Specificity. (h) Maximum validation accuracy. (i) Number of epochs required to reach the maximum validation accuracy. NS stands for no significant difference.
Figure 7. Nemenyi post hoc rankings pairwise of the by network for each of the performance metrics. The comparison was done for all metrics, the maximum accuracy during training and the epoch at which the maximum accuracy was reached. The comparison carried out after 1000 bootstrap cycles. (a) Accuracy. (b) Balanced accuracy, (c) F1 score, (d) F2 score, (e) Matthew’s correlation coefficient. (f) Sensitivity. (g) Specificity. (h) Maximum validation accuracy. (i) Number of epochs required to reach the maximum validation accuracy. NS stands for no significant difference.
Jimaging 08 00237 g007
Figure 8. Nemenyi post hoc rankings pairwise comparison for each experiment for all performance metrics after 1000 bootstrap cycles. The probability bar shows the (a) Accuracy, (b) Balanced accuracy, (c) F1 score, (d) F2 score, (e) Matthew’s correlation coefficient. (f) Sensitivity. (g) Specificity. (h) Maximum validation accuracy. (i) Number of epochs required to reach the maximum validation accuracy. The NS stands for no significant difference.
Figure 8. Nemenyi post hoc rankings pairwise comparison for each experiment for all performance metrics after 1000 bootstrap cycles. The probability bar shows the (a) Accuracy, (b) Balanced accuracy, (c) F1 score, (d) F2 score, (e) Matthew’s correlation coefficient. (f) Sensitivity. (g) Specificity. (h) Maximum validation accuracy. (i) Number of epochs required to reach the maximum validation accuracy. The NS stands for no significant difference.
Jimaging 08 00237 g008
Table 1. Architectures and their trainable parameters per architecture considered for the classification of COVID-19 in CT chest scans (3 classes).
Table 1. Architectures and their trainable parameters per architecture considered for the classification of COVID-19 in CT chest scans (3 classes).
ArchitectureParametersInference (ms)OperationMemoryYear
CaiT11,763,843CPU: 75.522 GPU: 57.952attention matrix multiplication1.02 Gb2021
DenseNet-1216,956,931CPU: 49.303 GPU: 41.284convolutions689 Mb2017
MobileNet-v34,205,875CPU: 22.692 GPU: 11.40convolutions269.01 Mb2019
ResNet-5023,514,179CPU: 42.971 GPU: 40.537convolutions batch norm678.85 Mb2015
ResNet-50r23,509,571CPU: 45.068 GPU: 42.788convolutions batch norm731.66 Mb2015
Table 2. Class distribution in the training, validation and test for Non-COVID, COVID and Community-acquired pneumonia (CAP).
Table 2. Class distribution in the training, validation and test for Non-COVID, COVID and Community-acquired pneumonia (CAP).
ClassTrainingValidationTestTotal
COVID-1960747597607593
Non-COVID55146896906893
CAP23572952942946
Table 3. Experimental design for the comparison of deep learning networks for the classification of COVID-19 in a multi-class setup. All experiments were trained in batches of 8 images, for 8 epochs and learning rate of 0.00002. CaiT: CaiT-24-XXS-224, MobileNet-v3: MobileNet-v3-large. ResNet50r: ResNet-50 with the first kernel resized from 7 × 7 to 5 × 5 . CE: Cross Entropy, wCE: weighted Cross Entropy.
Table 3. Experimental design for the comparison of deep learning networks for the classification of COVID-19 in a multi-class setup. All experiments were trained in batches of 8 images, for 8 epochs and learning rate of 0.00002. CaiT: CaiT-24-XXS-224, MobileNet-v3: MobileNet-v3-large. ResNet50r: ResNet-50 with the first kernel resized from 7 × 7 to 5 × 5 . CE: Cross Entropy, wCE: weighted Cross Entropy.
ExperimentArchitectureLossOptimizer
Exp-01CaiTCEAdam
Exp-02CaiTCEAdamW
Exp-03CaiTwCEAdam
Exp-04CaiTwCEAdamW
Exp-05DenseNet-121CEAdam
Exp-06DenseNet-121CEAdamW
Exp-07DenseNet-121wCEAdam
Exp-08DenseNet-121wCEAdamW
Exp-09MobileNet-v3CEAdam
Exp-10MobileNet-v3CEAdamW
Exp-11MobileNet-v3wCEAdam
Exp-12MobileNet-v3wCEAdamW
Exp-13ResNet-50CEAdam
Exp-14ResNet-50CEAdamW
Exp-15ResNet-50wCEAdam
Exp-16ResNet-50wCEAdamW
Exp-17ResNet-50rCEAdam
Exp-18ResNet-50rCEAdamW
Exp-19ResNet-50rwCEAdam
Exp-20ResNet-50rwCEAdamW
Table 4. Train, validation and test accuracy by architecture before bootstrapping for all architectures. CaiT (Exp-01:Exp-04), DenseNet-121 (Exp-05:Exp-08), MobileNet-v3-large (Exp-09:Exp-12), ResNet-50 (Exp-13:Exp-16), ResNet-50r (Exp-17:Exp-20). Best results are highlighted in bold.
Table 4. Train, validation and test accuracy by architecture before bootstrapping for all architectures. CaiT (Exp-01:Exp-04), DenseNet-121 (Exp-05:Exp-08), MobileNet-v3-large (Exp-09:Exp-12), ResNet-50 (Exp-13:Exp-16), ResNet-50r (Exp-17:Exp-20). Best results are highlighted in bold.
ArchitectureTrain AccuracyValidation AccuracyTest Accuracy
CaiT99.23 ± 0.7998.43 ± 0.6498.55 ± 0.54
DenseNet-12199.42 ± 0.1099.07 ± 0.2998.89 ± 0.40
MobileNet-v398.42 ± 0.5898.65 ± 0.4698.86 ± 0.33
ResNet-5099.36 ± 0.1099.16 ± 0.3299.02 ± 0.22
ResNet-50r99.20 ± 0.1499.10 ± 0.4098.99 ± 0.32
Table 5. Train, validation and test average accuracy and standard deviation by experiment before bootstrapping. Best top three average accuracy results are highlighted in bold.
Table 5. Train, validation and test average accuracy and standard deviation by experiment before bootstrapping. Best top three average accuracy results are highlighted in bold.
ExperimentTrain AccuracyValidation AccuracyTest Accuracy
Exp-0199.38 ± 0.0698.25 ± 0.6098.47 ± 0.41
Exp-0299.38 ± 0.1298.70 ± 0.4398.64 ± 0.44
Exp-0398.84 ± 1.5698.35 ± 0.7398.44 ± 0.52
Exp-0499.31 ± 0.1398.41 ± 0.7698.64 ± 0.76
Exp-0599.45 ± 0.0699.10 ± 0.2099.08 ± 0.17
Exp-0699.44 ± 0.0699.13 ± 0.2298.97 ± 0.30
Exp-0799.40 ± 0.1299.01 ± 0.3498.67 ± 0.55
Exp-0899.38 ± 0.1299.03 ± 0.4098.86 ± 0.42
Exp-0998.61 ± 0.0998.77 ± 0.3698.89 ± 0.22
Exp-1098.24 ± 1.1798.57 ± 0.7198.87 ± 0.54
Exp-1198.41 ± 0.0998.56 ± 0.4398.83 ± 0.32
Exp-1298.44 ± 0.0598.70 ± 0.2298.84 ± 0.18
Exp-1399.42 ± 0.0799.17 ± 0.2998.94 ± 0.33
Exp-1499.38 ± 0.0899.15 ± 0.3099.04 ± 0.18
Exp-1599.34 ± 0.0699.18 ± 0.4199.08 ± 0.16
Exp-1699.31 ± 0.1599.14 ± 0.3199.01 ± 0.19
Exp-1799.22 ± 0.1799.19 ± 0.3098.97 ± 0.34
Exp-1899.22 ± 0.1599.19 ± 0.3599.16 ± 0.19
Exp-1999.17 ± 0.1098.94 ± 0.5398.71 ± 0.29
Exp-2099.20 ± 0.1599.08 ± 0.3999.13 ± 0.23
Table 6. Evaluation metrics by architecture before bootstrapping. Best results are highlighted in bold.
Table 6. Evaluation metrics by architecture before bootstrapping. Best results are highlighted in bold.
Architecture A c c B A F 1 F 2
CaiT98.55 ± 0.5498.71 ± 0.6698.70 ± 0.6398.70 ± 0.65
DenseNet-12198.89 ± 0.4099.10 ± 0.3499.10 ± 0.3499.08 ± 0.37
MobileNet-v398.86 ± 0.3399.06 ± 0.3099.06 ± 0.2999.06 ± 0.29
ResNet-5099.02 ± 0.2299.19 ± 0.2099.15 ± 0.2299.16 ± 0.22
ResNet-50r98.99 ± 0.3299.16 ± 0.3299.16 ± 0.3099.18 ± 0.31
Architecture M C C S e n s S p e c
CaiT97.64 ± 0.8698.72 ± 0.6799.17 ± 0.28
DenseNet-12198.27 ± 0.6099.11 ± 0.3499.36 ± 0.23
MobileNet-v398.18 ± 0.5299.08 ± 0.2999.35 ± 0.25
ResNet-5098.42 ± 0.3799.17 ± 0.2299.43 ± 0.13
ResNet-50r98.41 ± 0.5199.17 ± 0.3299.43 ± 0.18
Table 7. Evaluation metrics by experiment before bootstrapping. Average and standard deviation per each metric are given in percentage. The best top three values per metric are highlighted in bold.
Table 7. Evaluation metrics by experiment before bootstrapping. Average and standard deviation per each metric are given in percentage. The best top three values per metric are highlighted in bold.
ExperimentsAccBAF1F2MCCSensSpec
Exp-0198.47 ± 0.4198.61 ± 0.4098.65 ± 0.3698.62 ± 0.4097.52 ± 0.6598.63 ± 0.4199.12 ± 0.23
Exp-0298.64 ± 0.4498.89 ± 0.3698.83 ± 0.4398.86 ± 0.3997.84 ± 0.6998.88 ± 0.3699.25 ± 0.23
Exp-0398.44 ± 0.5298.52 ± 1.0698.62 ± 0.7698.56 ± 0.9597.52 ± 0.8398.56 ± 1.0999.12 ± 0.30
Exp-0498.64 ± 0.7698.81 ± 0.6398.71 ± 0.9098.77 ± 0.7497.66 ± 1.2398.81 ± 0.6399.19 ± 0.38
Exp-0599.08 ± 0.1799.23 ± 0.1599.22 ± 0.2199.22 ± 0.1798.51 ± 0.2899.23 ± 0.1599.47 ± 0.09
Exp-0698.97 ± 0.3099.16 ± 0.2599.14 ± 0.2699.15 ± 0.2698.35 ± 0.4899.16 ± 0.2599.38 ± 0.16
Exp-0798.67 ± 0.5598.96 ± 0.5098.97 ± 0.4698.86 ± 0.5398.04 ± 0.8398.97 ± 0.5199.25 ± 0.32
Exp-0898.86 ± 0.4299.05 ± 0.3699.08 ± 0.3699.09 ± 0.3798.17 ± 0.6599.09 ± 0.3599.34 ± 0.24
Exp-0998.89 ± 0.2299.08 ± 0.1999.06 ± 0.1699.10 ± 0.2098.22 ± 0.3499.10 ± 0.2199.37 ± 0.13
Exp-1098.87 ± 0.5499.07 ± 0.4899.03 ± 0.4699.07 ± 0.4798.20 ± 0.8599.09 ± 0.4899.36 ± 0.34
Exp-1198.83 ± 0.3299.03 ± 0.3099.04 ± 0.2199.04 ± 0.2598.14 ± 0.5099.08 ± 0.2399.30 ± 0.34
Exp-1298.84 ± 0.1899.06 ± 0.1599.12 ± 0.2999.04 ± 0.1798.15 ± 0.2899.05 ± 0.1699.35 ± 0.12
Exp-1398.94 ± 0.3399.13 ± 0.2999.11 ± 0.3199.12 ± 0.2998.30 ± 0.5599.13 ± 0.2899.39 ± 0.19
Exp-1499.04 ± 0.1899.19 ± 0.2099.11 ± 0.2299.12 ± 0.2598.48 ± 0.3099.12 ± 0.2599.47 ± 0.10
Exp-1599.08 ± 0.1699.26 ± 0.1499.23 ± 0.1399.22 ± 0.1498.53 ± 0.2699.23 ± 0.1599.46 ± 0.11
Exp-1699.01 ± 0.1999.18 ± 0.1799.13 ± 0.1799.16 ± 0.1698.38 ± 0.3199.20 ± 0.2199.42 ± 0.11
Exp-1798.97 ± 0.3499.13 ± 0.3799.11 ± 0.3599.15 ± 0.3498.36 ± 0.5599.15 ± 0.3799.43 ± 0.19
Exp-1899.16 ± 0.1999.32 ± 0.1599.32 ± 0.1599.32 ± 0.1598.66 ± 0.3199.32 ± 0.1599.52 ± 0.11
Exp-1998.71 ± 0.2998.90 ± 0.3598.90 ± 0.2798.92 ± 0.3497.94 ± 0.4698.90 ± 0.3599.27 ± 0.17
Exp-2099.13 ± 0.2399.28 ± 0.2099.30 ± 0.2199.31 ± 0.2098.66 ± 0.3599.31 ± 0.2099.51 ± 0.13
Table 8. Ranks and medians by architecture after 1000 bootstrapping cycles. Best results are highlighted in bold.
Table 8. Ranks and medians by architecture after 1000 bootstrapping cycles. Best results are highlighted in bold.
ArchitectureRank
AccBAF1F2MCCSensSpec
CaiT5.005.005.005.005.005.005.00
DenseNet-1213.202.982.823.183.052.923.30
MobileNet-v33.633.623.583.503.723.543.56
ResNet-501.401.381.921.841.531.751.51
ResNet-50r1.772.021.681.471.711.801.63
ArchitectureMedian
AccBAF1F2MCCSensSpec
CaiT98.5698.7298.7198.7297.6598.7399.17
DenseNet-12198.8999.1099.1199.0898.2799.1299.36
MobileNet-v3-large98.8699.0799.0799.0698.1999.0899.35
ResNet-5099.0299.1999.1499.1598.4299.1799.43
ResNet-50r98.9999.1699.1699.1898.4199.1899.43
Table 9. Confidence intervals by architecture after 1000 bootstrapping cycles with α = 0.05 . Best results are highlighted in bold.
Table 9. Confidence intervals by architecture after 1000 bootstrapping cycles with α = 0.05 . Best results are highlighted in bold.
ArchitectureAccuracyBAF1F2
CaiT98.37–98.7198.49–98.9098.50–98.8798.49–98.88
DenseNet-12198.76–99.0098.99–99.2099.00–99.2098.96–99.19
MobileNet-v3 198.75–98.9598.97–99.1598.96–99.1598.97–99.15
ResNet-5098.95–99.0999.13–99.2599.07–99.2199.09–99.22
ResNet-50r98.90–99.0899.05–99.2599.07–99.2599.09–99.26
ArchitectureMCCSensSpec
CaiT97.36–97.8898.48–98.9099.08–99.25
DenseNet-12198.07–98.4499.00–99.2199.29–99.43
MobileNet-v398.01–98.3398.98–99.1699.26–99.42
ResNet-5098.31–98.5399.10–99.2499.39–99.47
ResNet-50r98.25–98.5799.07–99.2699.38–99.48
1 MobileNet-v3-large is the full named of the architecture.
Table 10. Ranks by experiment after 1000 bootstraps cycles. Best results are highlighted in bold. Experiments 18 and 20 correspond to ResNet-50r with AdamW, CE (18) and wCE (20).
Table 10. Ranks by experiment after 1000 bootstraps cycles. Best results are highlighted in bold. Experiments 18 and 20 correspond to ResNet-50r with AdamW, CE (18) and wCE (20).
ExperimentRankMedian
AccBAF1F2MCCSensSpecAccBAF1F2MCCSensSpec
Exp-0118.7019.1418.8918.9618.8419.0518.7898.4698.6198.6598.6297.5298.6299.12
Exp-0216.5116.0316.6716.1116.4916.4015.6998.6498.9098.8498.8797.8598.8999.26
Exp-0318.9018.9618.5918.7518.8518.7518.6898.4598.5498.6498.5897.5398.5799.12
Exp-0415.8216.5117.1516.9617.3016.8416.7998.6498.8598.7498.7897.7098.8299.20
Exp-053.904.504.404.704.644.784.2099.0899.2499.2399.2298.5199.2399.47
Exp-067.927.877.777.698.157.849.8898.9799.1699.1499.1598.3599.1699.38
Exp-0715.9814.1813.6215.7513.5513.8315.4198.6798.9798.9898.8798.0798.9899.25
Exp-0811.5811.5010.4210.0211.5710.5911.7598.8699.0699.0899.0998.1899.0999.35
Exp-0910.8810.9211.469.8410.8610.4810.2398.8999.0899.0699.1098.2399.1099.38
Exp-1010.8210.7211.3610.2210.889.9310.5798.8999.0899.0599.0898.2299.1199.37
Exp-1112.4412.4911.8912.2612.6011.1813.3198.8499.0499.0599.0498.1499.0899.31
Exp-1212.3811.708.6412.4512.5112.5611.5898.8499.0799.1199.0498.1599.0599.35
Exp-138.989.109.238.689.198.858.9798.9599.1399.1199.1398.3199.1499.40
Exp-145.496.448.939.035.249.514.4999.0599.2099.1299.1298.4899.1299.47
Exp-154.293.764.114.574.294.765.3399.0899.2699.2399.2298.5299.2399.45
Exp-166.876.668.057.377.586.117.6599.0199.1999.1499.1698.3899.2099.42
Exp-178.238.958.987.687.858.317.0798.9799.1499.1299.1598.3699.1699.43
Exp-181.841.661.701.692.061.871.7099.1699.3299.3299.3298.6699.3299.53
Exp-1915.5515.9015.8115.0715.5216.0915.3098.7198.9098.9098.9397.9598.9099.27
Exp-202.923.032.322.202.032.282.6299.1299.2899.3099.3198.6699.3199.50
Table 11. Confidence interval by experiment for Acc, BA, F1, F2, MCC, Sens and Spec after 1000 bootstrapping cycles with α = 0.05 . Best results are highlighted in bold. Experiment 18 corresponds to ResNet-50r with AdamW and CE.
Table 11. Confidence interval by experiment for Acc, BA, F1, F2, MCC, Sens and Spec after 1000 bootstrapping cycles with α = 0.05 . Best results are highlighted in bold. Experiment 18 corresponds to ResNet-50r with AdamW and CE.
ExperimentAccBAF1F2MCCSensSpec
Exp-0198.24–98.7198.36–98.8598.45–98.8698.39–98.8597.14–97.9198.40–98.8898.99–99.25
Exp-0298.38–98.8798.67–99.1098.56–99.0698.62–99.0897.40–98.2198.67–99.0899.09–99.37
Exp-0398.09–98.6797.82–98.9298.13–98.9297.91–98.9296.96–97.8897.83–99.0098.92–99.25
Exp-0498.12–98.9498.42–99.1298.13–99.1198.26–99.1196.89–98.2498.39–99.1298.96–99.38
Exp-0598.99–99.1899.15–99.3299.08–99.3499.11–99.3198.35–98.6699.15–99.3299.42–99.52
Exp-0698.80–99.1499.02–99.3098.99–99.2999.01–99.3098.08–98.6399.02–99.3199.28–99.47
Exp-0798.33–98.9598.64–99.2198.68–99.2098.55–99.1797.48–98.4798.64–99.2599.06–99.42
Exp-0898.61–99.1098.85–99.2698.85–99.2798.87–99.2997.79–98.5498.88–99.2899.20–99.47
Exp-0998.75–99.0298.97–99.1998.96–99.1698.98–99.2098.02–98.4198.96–99.2199.29–99.45
Exp-1098.50–99.1498.74–99.3298.72–99.2698.77–99.3197.69–98.6298.79–99.3499.14–99.53
Exp-1198.64–99.0098.84–99.1998.91–99.1598.89–99.1897.82–98.4098.94–99.2199.07–99.46
Exp-1298.73–98.9498.97–99.1498.99–99.3198.94–99.1397.99–98.3098.95–99.1499.28–99.41
Exp-1398.74–99.1398.95–99.2998.91–99.2898.94–99.2997.95–98.6198.96–99.2999.29–99.50
Exp-1498.93–99.1499.06–99.3098.97–99.2498.95–99.2598.29–98.6398.96–99.2599.41–99.52
Exp-1598.99–99.1899.17–99.3499.16–99.3099.14–99.3198.38–98.6899.15–99.3299.39–99.52
Exp-1698.90–99.1199.08–99.2799.03–99.2299.06–99.2498.17–98.5699.08–99.3399.35–99.49
Exp-1798.75–99.1698.90–99.3398.89–99.3098.94–99.3598.05–98.6998.91–99.3599.31–99.53
Exp-1899.06–99.2899.24–99.4199.23–99.4199.24–99.4198.48–98.8699.23–99.4199.47–99.59
Exp-1998.55–98.8798.70–99.0898.73–99.0698.72–99.1197.69–98.2298.68–99.0899.16–99.36
Exp-2098.99–99.2699.17–99.4099.18–99.4299.19–99.4398.46–98.8799.20–99.4399.44–99.58
Table 12. Ranking of the maximum training accuracy and training epochs, medians and confidence intervals (CI) by architecture with α = 0.05 and Average training time per epoch (ATTE). Best results are highlighted in bold.
Table 12. Ranking of the maximum training accuracy and training epochs, medians and confidence intervals (CI) by architecture with α = 0.05 and Average training time per epoch (ATTE). Best results are highlighted in bold.
ArchitectureMax AccuracyEpochs
RankMedianCIRankMedianCIATTE (s)
CaiT4.9298.8298.73–98.913.3885–8503.66 220.57 1
DenseNet-1212.7899.3199.26–99.352.1975–7177.08
MobileNet-v34.0898.9298.82–99.023.1477–887.60
ResNet-501.8599.3499.30–99.381.9366–8100.31
ResNet-50r1.3799.3699.30–99.424.3686–8106.05
1 Running in Google Colab Pro+.
Table 13. Ranking of the maximum training accuracy and training epochs with medians by experiment. Best results are highlighted in bold.
Table 13. Ranking of the maximum training accuracy and training epochs with medians by experiment. Best results are highlighted in bold.
ExperimentMax AccuracyEpochs
RankMedianRankMedian
Exp-0117.5998.808.145
Exp-0217.0598.8411.397
Exp-0319.0598.769.797
Exp-0416.4298.8813.458
Exp-057.5599.328.096
Exp-065.6999.359.317
Exp-079.2199.307.186
Exp-089.6999.288.116
Exp-0915.1098.9312.287
Exp-1016.4198.8811.757
Exp-1115.5398.9113.647
Exp-1214.7698.9511.617
Exp-136.9899.3314.118
Exp-148.3899.316.586
Exp-155.2599.366.656
Exp-164.2799.379.956
Exp-171.9199.4312.137
Exp-184.9899.3611.208
Exp-199.1699.289.286
Exp-205.0299.3715.368
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Ascencio-Cabral, A.; Reyes-Aldasoro, C.C. Comparison of Convolutional Neural Networks and Transformers for the Classification of Images of COVID-19, Pneumonia and Healthy Individuals as Observed with Computed Tomography. J. Imaging 2022, 8, 237. https://doi.org/10.3390/jimaging8090237

AMA Style

Ascencio-Cabral A, Reyes-Aldasoro CC. Comparison of Convolutional Neural Networks and Transformers for the Classification of Images of COVID-19, Pneumonia and Healthy Individuals as Observed with Computed Tomography. Journal of Imaging. 2022; 8(9):237. https://doi.org/10.3390/jimaging8090237

Chicago/Turabian Style

Ascencio-Cabral, Azucena, and Constantino Carlos Reyes-Aldasoro. 2022. "Comparison of Convolutional Neural Networks and Transformers for the Classification of Images of COVID-19, Pneumonia and Healthy Individuals as Observed with Computed Tomography" Journal of Imaging 8, no. 9: 237. https://doi.org/10.3390/jimaging8090237

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