Skip to main content
Elsevier - PMC COVID-19 Collection logoLink to Elsevier - PMC COVID-19 Collection
. 2021 Feb 1;231:166405. doi: 10.1016/j.ijleo.2021.166405

COVIDetection-Net: A tailored COVID-19 detection from chest radiography images using deep learning

Ahmed S Elkorany a,b, Zeinab F Elsharkawy c,*
PMCID: PMC7848537  PMID: 33551492

Abstract

In this study, a medical system based on Deep Learning (DL) which we called “COVIDetection-Net” is proposed for automatic detection of new corona virus disease 2019 (COVID-19) infection from chest radiography images (CRIs). The proposed system is based on ShuffleNet and SqueezeNet architecture to extract deep learned features and Multiclass Support Vector Machines (MSVM) for detection and classification. Our dataset contains 1200 CRIs that collected from two different publicly available databases. Extensive experiments were carried out using the proposed model. The highest detection accuracy of 100 % for COVID/NonCOVID, 99.72 % for COVID/Normal/pneumonia and 94.44 % for COVID/Normal/Bacterial pneumonia/Viral pneumonia have been obtained. The proposed system superior all published methods in recall, specificity, precision, F1-Score and accuracy. Confusion Matrix (CM) and Receiver Operation Characteristics (ROC) analysis are also used to depict the performance of the proposed model. Hence the proposed COVIDetection-Net can serve as an efficient system in the current state of COVID-19 pandemic and can be used in everywhere that are facing shortage of test kits.

Keywords: Coronavirus disease 2019, Pneumonia viral, Pneumonia bacterial, Convolutional neural network, Deep learning, Features extraction

1. Introduction

The COVID-19 that originated in Wuhan, China in December 2019 spread out across the world. It infected until now around 27.76 million people and around 902,315 deaths all over the world [1]. As we all see the number of cases increasing rapidly, all countries are facing the shortage of resources to detect COVID-19. Here comes the need to available, cheap, automatic COVID-19 detection method. Applying deep Learning models on Chest radiography images (e.g., X-ray or computed tomography (CT) imaging) can help in detecting COVID-19.

Currently, real-time reverse transcription poly-merase chain reaction (rRT-PCR) is the main screening method used for COVID-19 detection [2]. The radiography imaging sensitivity outperforms the usual PCR technique [[3], [4], [5], [6], [7]]. Also the X-ray systems are cheaper and more available in hospitals than CT scan systems [8,9].

The CRIs based detection system have many advantages over usual blood [10] and PCR [2] exams. These techniques are fast and cheap compared to other techniques. Also, many cases can be tested in the same time. Moreover, the availability of radiology imaging systems in hospitals, makes radiography-based detection systems a suitable variant for COVID-19 testing kit shortage. In August 2020, large number of X-rays chest images for healthy and patients suffering from Covid-19 are publicly available, which enable us to examine and identify the possible patterns that may produce automatic diagnosis of COVID-19.

Deep Learning (DL), which is a part of machine learning systems, is focused mainly on images’ features extraction and classification on automated manner [[11], [12], [13], [14], [15], [16], [17], [18], [19], [20], [21]]. In recent years, machine and deep learning have become basic disciplines in artificial intelligence. Hence, DL has become a basic part of automated clinical decision making.

In the paper, a new COVIDetection-Net system is proposed which is an automatic detection of COVID-19 infection from CRIs. The system depends on ShuffleNet and SqueezeNet architectures for feature extraction and MSVM for disease detection and classification. The utilized dataset contains 1200 CRIs. It contains chest images for healthy (i.e., Normal), and non-healthy (patients infected with COVID, Bacterial pneumonia, or Viral pneumonia). Taking into account the experimental results the proposed COVIDetection-Net can serve as an efficient system in COVID-19 detection.

The rest of the paper is organized as follows. Section 2 outlines the related work. Section 3 discusses the methods used in the proposed system. Section 4 shows the COVIDetection-Net experimental setup. Sections 5 and 6 present and discuss the COVIDetection-Net results. Finally section 7 outlines the conclusion

2. Related work

Recently, many researchers proposed different techniques for COVID-19 detection from CRIs. Most researches focused on DL techniques to detect the COVID19 from CRI of patients. Some of them interested in COVID detection from non-COVID cases (binary classification) [8,9,11,[22], [23], [24], [25], [26]]. Others concerned with thee-class classification (COVID vs Normal vs pneumonia) [11,[12], [13], [14], [15], [16], [17], [18], [19]]. But in fact, fewer focused on COVID19 detection using four-class classification (COVID vs Normal vs Bacterial pneumonia vs Viral pneumonia) [20,21]. Brunese et al. [8] introduced a COVID detection approach based on transfer learning of VGG-16 model. This model used to differentiate between healthy and disease X-ray images with accuracy of 96 %. Then, it used for COVID detection from disease X-ray chest dataset with accuracy of 98 %. Dipayan Das et al [9] presented Truncated inception net to detect COVID-19 positive from non-COVID cases using CRIs. Detection accuracy of 99.9 % is obtained. Hemdan et al. [22] proposed a COVIDX-Net, DL framework, for automatic diagnosing COVID19 in CRIs. Seven-different convolutional neural networks (CNN) model are used in COVIDX-Net. The used DenseNet and VGG-19 provided the same accuracy of 90 % for binary classification. Narin et al. [23] used 5-fold cross validation pre-trained models for coronavirus detection from CRIs. The highest accuracy of 98 % is obtained using ResNet50 model. Panwar et al. [24] presented DL based method nCOVnet for fast COVID19 detection from x-ray chest images. This method used the VGG net and transfer learning using five-different layers that achieved 97.2 % detection accuracy. Sethy et al. [11] extracted the deep features from the CRIs using the fully connected layer of the pre-trained models. Then, features matching has been done using SVM classifier. The authors utilized 13 different pre-trained net and the highest classification accuracy of 98.66 % was obtained using ResNet50. Singh et. al [25] proposed a (CNN) to classify the chest CT patient’s images to COVID-infected or not using multi objective differential evolution (MODE). This approach provided 93.5 % accuracy. Tuncer et al. [26] presented Residual Exemplar Local Binary Pattern (ResExLBP) features extraction method with iterative ReliefF (IRF) features selection for COVID19 detection from CRIs. An accuracy of 99.69 % is achieved using SVM classifier.

Apostolopoulos et al. [12] used transfer learning technique for binary and 3-class classification of COVID, normal and pneumonia CRIs. The produced classification accuracies were 97.4 % and 92.85 % for binary and 3-class classification, respectively when MobileNet v2 is used. Kumar et al. [13] utilized the DL ResNet-152 for prediction of COVID 19 patients on CRIs. Synthetic Minority Oversampling Technique (SMOT) is used with DL to balance the imbalanced data Points. The extracted learned features are fed to Random Forest (RF) and XGBoost (XGB) classifiers for 3-class classification. The proposed model provided 97.7 % accuracy for XGB and 97.3 for RF classifiers. Tree-class COVID classification method of CRIs was proposed in [14]. The method based on DL and 9- different CNN architectures. The best accuracy was 95 % for two models. Ozturk et al. [15] presented 5-cross validation DarkCovidNet for binary and 3-class classification of CRIs. The presented method provided accuracy of 98.08 % and 87.02 % for binary and 3-class cases, respectively. The concatenation network of Xception and ResNet50V2 is presented in [16] for detection of pneumonia and COVID19 from CRIs. The overall accuracy of 91.4 % is obtained for the three classes (normal, COVID and pneumonia).

Ucar et al. [17] proposed COVIDiagnosis-Net for COVID19 diagnosis from CRIs. This approach based on deep Bayes-SqueezeNet that produced overall accuracy of 98.26 %. Wang et al. [18] introduces DCNN model called COVID-Net to detect COVID cases from CRIs. This model was designed for (normal vs pneumonia vs COVID) classification with overall accuracy of 92.4 %. Li et al. [19] demonstrated COVID-Xpert based population screening to detect COVID19 cases from X-ray CRIs. The demonstrated method provided 88.9 % classification accuracy.

COVID19 detection using 4-class cases from CRIs is presented by Khan et al. [20]. The authors presented DCNN model named, CoroNet, based on Xception architecture. The classification accuracy of 89.6 % is produced for 4-class cases. Mahmud et al. [21] designed CovXNet, CNN based architecture, for COVID19 detection and classification. A stacking algorithm is used for optimization of CovXNet prediction and 90.2 % accuracy is obtained for 4-class classification.

Accordingly, it can be concluded that, many researchers studied the COVID detection and introduced different techniques for this problem. However, the most of them did not provide the required high accuracy, especially for 4-class cases. So, the proposed work aims to improve the detection and classification accuracy of COVID 19 using 4-class of CRIs (e.g. COVID vs bacterial pneumonia vs viral pneumonia vs normal cases) using DL model named as COVIDetection-Net. The binary and 3-class versions are also examined by (using) our COVIDetection-Net and compared the results with other methods in Stat-of-art. The COVIDetection-Net can be used easily to differentiate the COVID19 infection from other pneumonia infection, either bacterial or viral. Hence, the proposed model can be helpful for doctors in the quantification, triage and follow-up of positive cases. It also can be used to minimize the number of cases that need quick testing.

3. Methods

This work focused in developing a detection model named COVIDetection-Net based on DL techniques for COVID 19 detection from CRIs using 4-class cases. The prepared dataset and the proposed COVIDetection-Net are explained in details as follow.

3.1. Dataset

To evaluate the proposed COVIDetection-Net, our dataset is created using two different publically CRIs databases. Firstly, a collection of CRIs from the Github repository was selected [27]. Then, Kaggle repository of normal and pneumonia CRIs was considered [28]. The two repository contains an open database of CRIs (chest X-ray or CT images) and is being updated regularly. A total of 1200 CRIs are selected from the Github and Kaggle repositories, in which 300 images are COVID19, 300 images are bacterial pneumonia, 300 images viral pneumonia and 300 images are normal cases. Table 1 summarized the prepared dataset. The samples of the prepared dataset are shown in Fig. 1 .

Table 1.

the summary of the prepared dataset.

The classes Number of images
Covid 300
Normal 300
Bacterial Pneumonia 300
Viral Pneumonia 300

Fig. 1.

Fig. 1

Samples of CRIs from utilized dataset.

3.2. COVIDetection-Net

Deep networks (CNNs or DL) are useful in machine vision tasks. This made developments in many fields as industry [29], Agriculture and medical disease diagnosis [8,9,11,[22], [23], [24], [25], [26]]. The notability of these CNN networks comes from the useful and robust features that extracted from input images. Hence, the deep networks focus on infection detecting in CRIs and classifying these images into COVID-19, normal, bacterial pneumonia or viral pneumonia. Some of the most usable CNN are ResNet [11,13,16,23], VGG [8,11,12,14], Xception [16,20],Inception [9,23], DesNet [11,22], ShuffleNet [29,30], and SqueezeNet [17,31,32]. These networks pre-trained on ImageNet dataset.

Shufflenet is a CNN also that outperform many networks in speed and accuracy metrics at the same computation condition [30]. In total, it composed of 172 layers including convolution layer, max pooling layer, three stages each contains a stack of ShuffleNet units, one global average pooling, fully connected layer and the output (softmax) layer. The ShuffleNet architecture is shown in Fig. 2 .

Fig. 2.

Fig. 2

The architecture of ShuffleNet.

SqueezeNet is a CNN that comes forward owing to light design of its network. However, it has better performance than AlexNet, it yields fewer 50× than AlexNet in model size [31,32]. SqueezeNet consists of sixty-eight different layers including two convolution layers (conv1 and conv10), eight fire modules (fire2- fire9), three max pooling layers, one global average pooling layer and the last one is softmax (output) layer. Fig. 3 shows the SqueezeNet graphical representation.

Fig. 3.

Fig. 3

The architecture of SqueezeNet.

The proposed COVIDetection-Net based on SqueezeNet and ShuffleNet CNN models for deep learned features extraction. Then, multiclass SVM classifier is used for classification task. Fig. 4 illustrates the architecture of the proposed COVIDetection-Net. In the beginning, the input images of the prepared dataset are resized into 300 × 300 pixels. SqueezeNet produces 1000 features on its global average pooling (pool 10) layer from the input image, and ShuffleNet generates 544 features on its global average pooling (node_200) layer. The total 1544 valuable extracted features of ShuffleNet and SqueezeNet are used for training and testing the multiclass SVM classifier with 70 % and 30 % of CRI dataset, respectively. The proposed model classifies the CRIs into COVID-19, normal, bacterial pneumonia or viral pneumonia with high accuracy compared to other published methods.

Fig. 4.

Fig. 4

The architecture of the proposed COVIDetection-Net.

4. Experimental setup

4.1. Implementation

Three scenarios are implemented for detection of COVID 19 from CRIs. In each scenario, three models are implemented, the proposed COVIDetection-Net, the pre-trained ShuffleNet and SqueezeNet CNN that trained end-to-end on the prepared CRI dataset using architectures shown in Fig. 2, Fig. 3, Fig. 4. The first one is the main 4-class scenario, in which the three models (i.e. COVIDetection-Net, ShuffleNet and SqueezeNet) are trained to classify the CRIs to four-category: COVID19, Pneumonia-viral, Pneumonia-bacterial or Normal. The second is the 3-class scenario that used to classify CRIs to COVID19, Pneumonia or Normal. In this case, viral pneumonia and bacterial pneumonia are combined in a single class called Pneumonia class. The other scenario is the binary 2-class (COVID19, Non-COVID), in which the Normal and Pneumonia classes are combined in a Non-COVID class. All models are trained with 70% of the CRI dataset and tested with the rest 30% of the CRI dataset.

4.2. Evaluation metrics

The performance of the proposed model is depicted in the form of Receiver Operation Characteristics (ROC) Curve and Confusion matrix (CM). Recall, specificity, Precision, F1- Score and Accuracy metrics are also used to evaluate the networks performance, which are given as follows.

Recall=SumofallTruePositives(TP)SumofallTruePositives(TP)+AllFalseNegatives(FN)
specificity=SumofallTrueNegatives(TN)SumofallTrueNegativesTN+AllFalsePositives(FP)
Precision=SumofallTruePositives(TP)SumofallTruePositives(TP)+AllFalsePositives(FP)
F1-score=2×Precision×RecallPrecision+Recall
Accuracy=No.ofimagescorrectlyclassifiedTotalno.ofimages

5. The proposed system results

The results of the main 4-class scenario are presented in Table 2 . The table compares between the performance of the proposed COVIDetection-Net and the two other models: ShuffleNet and SqueezeNet. The above-mentioned evaluating metrics are the top metrics used to evaluate the performance of classification models. The proposed COVIDetection achieved the highest recall, specificity, precision, F1-score and accuracy of 100 % for COVID class. While higher performance is obtained of other classes comparatively to SqueezeNet and shuflleNet models as presented in Table 2. It is indicated that the performance of the two pneumonia classes (bacterial and viral) are lower than other classes, subsequently lower overall accuracy. This accuracy is significantly increased when combining the two pneumonia classes into one pneumonia class. This can be cleared in 3-class scenario of the proposed, SqueezeNet and shuflleNet models as shown in Table 3 . It is clear from the table that the COVID detection is still achieved with the highest performance comparatively to other two models. The accuracies of the pneumonia class after combining of its two infections (bacterial and viral) are increased from 88.9%–99.4% for COVIDetection-Net, from 84.45%–98.3% for ShuflleNet and from 81.65%–96.7% for SqueezeNet. Finally, the performance results of the binary classification of the three models for COVID19 detection are depicted in Table 4 . The proposed COVIDetection-Net provides the highest detection accuracy of 100 % of the COVID19 in the three scenarios (i.e. 4-class, 3-class and binary). Additionally, the average recall, specificity, precision, F1-score and accuracy of the proposed 4-class, 3-class and binary COVIDetection-Net are summarized in Table 5 .

Table 2.

Performance comparison of 4-class COVIDetection-Net, ShuffleNet and SqueezeNet.

Method class Recall Specificity Precision F1-Score Accuracy
SqueezeNet Covid 98.89 98.89 96.74 97.80 98.9
Normal 95.56 98.52 95.56 95.56 95.6
Bacterial Pneumonia 78.89 95.56 85.54 82.08 78.9
Viral Pneumonia 84.44 92.96 80 82.16 84.4
ShuffleNet Covid 100 99.63 98.90 99.45 100
Normal 98.89 99.63 98.89 98.89 98.9
Bacterial Pneumonia 82.22 95.19 85.06 83.62 82.2
Viral Pneumonia 86.67 94.81 84.78 85.71 86.7
COVIDetection Net Covid 100 100 100 100 100
Normal 100 98.89 96.77 98.36 100
Bacterial Pneumonia 85.56 97.41 91.67 88.51 85.6
Viral Pneumonia 92.22 96.30 89.25 90.71 92.2

Table 3.

Performance comparison of 3-class COVIDetection-Net, ShuffleNet and SqueezeNt.

Method class Recall specificity Precision F1 Score Accuracy
Squeezenet Covid 98.89 99.63 98.89 98.89 98.9
Normal 98.89 98.15 94.68 96.74 98.8
Pneumonia 96.67 98.89 98.86 97.75 96.7
ShuffleNet Covid 100 99.63 98.9 99.45 100
Normal 96.67 99.26 97.75 97.21 96.7
Pneumonia 98.33 98.33 98.33 98.33 98.3
COVIDetection Net Covid 100 100 100 100 100
Normal 100 99.63 98.9 99.45 100
Pneumonia 99.44 100 100 99.72 99.4

Table 4.

Performance comparison of binary COVIDetection-Net, ShuffleNet and SqueezeNt.

Method class Recall Specificity Precision F1 Score Accuracy
Squeezenet Covid 100 98.52 95.74 97.83 100
Non-covid 98.52 100 100 99.25 98.5
ShuffleNet Covid 96.67 100 100 98.31 96.7
Non-covid 100 96.67 98.90 99.45 100
COVIDetection Net Covid 100 100 100 100 100
Non-covid 100 100 100 100 100

Table 5.

Performance of the proposed 4-class, 3-class and binary COVIDetection-Net.

Model Recall Specificity Precision F1 Score Overall accuracy
4-classes 94.45 98.15 94.42 94.4 94.44
3-classes 99.81 99.88 99.63 99.72 99.72
Binary 100 100 100 100 100

The proposed COVIDetection achieved higher overall accuracy of 94.44 %, 99.72 % and 100 for 4-class, 3-class and binary classification task, respectively. Fig. 5 shows the accuracy comparison between the proposed model and the two other models (SqueezeNet and shuflleNet). It is clear from the figure that the COVIDetection-Net outperform these models. The performance of the main 4-class COVIDetection-Net is displayed in the form of CM in Fig. 6 (a) and ROC curve in Fig. 7 . Ninety CRIs from each class are tested and all COVID images are detected successfully. The AUC values of 1, 1, 0.95 and 97 are obtained for COVID, Normal, Pneumonia-bacterial, Pneumonia-viral, respectively. The CM of the proposed 3-class and binary COVIDetection-Net are shown in Fig. 6(b) and (c). In the 3-class cases, 180 Pneumonia images are tested against 90 images of each Normal and COVID classes. However, the binary classification problem comprising 90 CRIs of COVID against 270 CRIs of Non-COVID cases. Fig. 6 indicates that the best detection of COVID cases in all classification scenarios and it is the main aim of these study.

Fig. 5.

Fig. 5

the accuracy comparison between SqueezeNet, ShuffleNet and COVIDetection-Net.

Fig. 6.

Fig. 6

Confusion matrices of the COVIDetection-Net (a) the main 4-class, (b) 3-class and (c) the binary classification.

Fig. 7.

Fig. 7

The ROC curve of the 4-class COVIDetection-Net.

6. Discussion

To evaluate the performance of the proposed COVIDetection-Net, a comparison study between the proposed model and other models are performed as mentioned before in Table 2, Table 3, Table 4 and Fig. 5. The results prove the superiority (notability) of the proposed COVIDetection-Net. Moreover, our proposed COVIDetection-Net superior other existing state-of-the-art studies that used CRIs in COVID19 detection as given in Table 6 . The performance values of each study are listed in the table for binary, 3-class and 4-class cases in the term of classification accuracy.

Table 6.

Comparison of the classification accuracy (%) of the proposed COVIDetection with other existing approaches.

Study Architecture Binary 3 class 4 class
Brunese et al [8] VGG 16(transfer learning) 97
Panwar et al [24] nCOVnet 88.1
Hemdan et al [22] COVIDXNet (DenseNet201) 90
Narin et al [23] ResNet50 98
InceptionV3 97
Singh et. al [25] CNN + MODE 93.5
Dipayan Das [9] Truncated inception Net 99.9
Tuncer et al [26] ResExLBP + IRF + SVM 99.69
Sethy et al [11] ResNet50/svm 95.38 95.33
AlexNet 93.32 94.86
GoogleNet 91.44 91.73
DenseNet201 93.88 93.86
Wang et al [18] COVID-Net 92.4
Makris [14] VGG16 95.88
Kumar et. al [13] ResNet152/ XGB 97.7
ResNet152/ RF 97.3
Li et. al [19] DenseNet-121 88.9
Ucar et al [17] COVIDiagnoses (squeezenet) 98.3
Rahimzadeh et. al [16] Concatenation (Xception + ResNet50V2) 91.4
Ozturk et al [15] DarkNet 98.08 87.02
Apostolopoulos et. al [12] VGG 19 98.75 93.48
MobileNet v2 97.4 92.85
Khan et al [20] Coronet (Xpection) 99 95 89.6
Mahmud et al [21] CovXNet 97.4 89.6 90.2
The Proposed COVIDetection Net Suffunet + Squeezenet/multiclass SVM 100 99.72 94.44

Table 7 gives performance comparison study of the proposed COVIDetection-Net with CoroNet and CovXNet on 4-class classification case. The CRIs datasets of the proposed model and the two other compared models are selected from the same databases [27,28]. The CoroNet model [20] is based on Xpection model with a dropout layer and two fully-connected layers added at the end. This model used for COVID19 detection on dataset contains 284 COVID, 310 Normal, 330 Pneumonia-bacterial and 327 Pneumonia-viral. While the CovXNet [21] used depthwise convolution with varying dilation rates for efficient features extraction, then optimization of its prediction can be obtained using stacking algorithm. The CovXNet model used to diagnose the COVD 19 infection on dataset consist of 305 CRIs from each class (i.e. COVID, Normal,

Table 7.

The performance comparison of 4-class CoroNet, CovXNet and Proposed COVIDetection-Net.

Method Recall% Specificity% Precision% F1- score% AUC Amount of CRIs
Coronet [20] 89.92 96.4 90 89.8 284 COVID + 310 Normal +330 Pneumonia-bac + 327 Pneumonia-vir
CovXNet [21] 89.9 89.1 90.8 90.4 0.911 305 COVID + 305 Normal +305 Pneumonia-bac + 305 Pneumonia-vir
Proposed 94.45 98.15 94.42 94.4 0.98 300 COVID + 300 Normal +300 Pneumonia-bac + 300 Pneumonia-vir

Pneumonia-bacterial and Pneumonia-viral). The average classification accuracies of 89.6 %, 90.2 % and 94.44 % are obtained using CoroNet, CovXNet and our proposed model, respectively. The proposed COVIDetection-Net outperforms the CoroNet and CovXNet models in accuracy, recall, Specificity, Precision, F1-score and AUC.

All results ensure that our proposed COVIDetection-Net surpasses other studies that used CRIs in COVID19 detection on 4-class, 3-class and binary classification tasks. Hence the proposed COVIDetection-Net can serve as an efficient model in the current state of COVIV-19 pandemic

7. Conclusion

A deep learning COVIDetection-Net model is proposed to detect and classify COVID-19 and other types of pneumonia infection from chest radiography images. This system based on efficient deep features that extracted using ShuffleNet and SqueezeNet and MSVM are used for features matching. The proposed system is able to implement 4-classes, 3-classes and binary classification tasks with overall accuracies of 94.44 %, 99.72 % and 100 %, respectively. It also provides the highest detection accuracy of 100 % of the COVID class on binary and multi-class classification. The highest performance of COVID detection is achieved using the proposed COVIDetection-Net system when compared with ShuffleNet, SqueezeNet and other studies in literatures. Hence, the proposed system can be used as an efficient model in different countries affected by COVID-19 to overcome a shortage of detection resources.

Ethical approval

This article does not contain any studies with human participants performed by any of the authors.

Declaration of Competing Interest

The authors report no declarations of interest.

References

  • 1.2020. W. U. O. COVID-19.https://www.who.int/emergencies/diseases/novel-coronavirus-2019 [Google Scholar]
  • 2.Corman V.M., et al. Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR. Eurosurveillance. 2020;25(3) doi: 10.2807/1560-7917.ES.2020.25.3.2000045. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 3.Kanne J.P., Little B.P., Chung J.H., Elicker B.M., Ketai L.H. Essentials for radiologists on COVID-19: an update-radiology scientific expert panel. Radiology. 2020;296(2):E113–E114. doi: 10.1148/radiol.2020200527. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 4.Bai H.X., et al. Performance of radiologists in differentiating COVID-19 from non-COVID-19 viral pneumonia at chest CT. Radiology. 2020;296(2):E46–E54. doi: 10.1148/radiol.2020200823. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 5.Azadbakht J., Haghi-Aminjan H., Farhood B. Chest CT findings of COVID-19-infected patients, are there differences between pediatric and adult patients? A systematic review. Egypt. J. Radiol. Nucl. Med. 2020;51(1) [Google Scholar]
  • 6.Adair L.B., Ledermann E.J. Chest CT findings of early and progressive phase COVID-19 infection from a US patient. Radiol. Case Rep. 2020;15(7):819–824. doi: 10.1016/j.radcr.2020.04.031. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 7.Xie X. Chest CT for typical 2019-nCoV pneumonia: relationship to negative RT-PCR testing. J. Clin. Microbiol. 2020;58(April):1–5. doi: 10.1148/radiol.2020200343. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 8.Brunese L., Mercaldo F., Reginelli A., Santone A. Explainable deep learning for pulmonary disease and coronavirus COVID-19 detection from X-rays. Comput. Methods Programs Biomed. 2020;196 doi: 10.1016/j.cmpb.2020.105608. pp. 105608-105608. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 9.Das D., Santosh K.C., Pal U. Truncated inception net: COVID-19 outbreak screening using chest X-rays. Phys. Eng. Sci. Med. 2020 doi: 10.1007/s13246-020-00888-x. no. 0123456789. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 10.Brinati D., Campagner A., Ferrari D., Locatelli M., Banfi G., Cabitza F. Detection of COVID-19 infection from routine blood exams with machine learning: a feasibility study. J. Med. Syst. 2020;44(8) doi: 10.1007/s10916-020-01597-4. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 11.Sethy P.K., Behera S.K., Ratha P.K., Biswas P. Detection of coronavirus disease (COVID-19) based on deep features and support vector machine. Int. J. Math. Eng. Manage. Sci. 2020;5(4):643–651. [Google Scholar]
  • 12.Apostolopoulos I.D., Mpesiana T.A. Covid-19: automatic detection from X-ray images utilizing transfer learning with convolutional neural networks. Phys. Eng. Sci. Med. 2020;43(2):635–640. doi: 10.1007/s13246-020-00865-4. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 13.Kumar R., et al. Accurate prediction of COVID-19 using chest X-Ray images through deep feature learning model with SMOTE and machine learning classifiers. medRxiv. 2020;(April):1–10. [Google Scholar]
  • 14.Makris A., Kontopoulos I., Tserpes K. COVID-19 detection from chest X-ray images using deep learning and convolutional neural networks. medRxiv. 2020;(December) pp. 2020.05.22.20110817-2020.05.22.20110817. [Google Scholar]
  • 15.Ozturk T., Talo M., Yildirim E.A., Baloglu U.B., Yildirim O., Rajendra Acharya U. Automated detection of COVID-19 cases using deep neural networks with X-ray images. Comput. Biol. Med. 2020;121(April) doi: 10.1016/j.compbiomed.2020.103792. pp. 103792-103792. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 16.Rahimzadeh M., Attar A. A modified deep convolutional neural network for detecting COVID-19 and pneumonia from chest X-ray images based on the concatenation of Xception and ResNet50V2. Inform. Med. Unlocked. 2020;19 doi: 10.1016/j.imu.2020.100360. pp. 100360-100360. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 17.Ucar F., Korkmaz D. COVIDiagnosis-Net: deep Bayes-SqueezeNet based diagnosis of the coronavirus disease 2019 (COVID-19) from X-ray images. Med. Hypotheses. 2020;140(April) doi: 10.1016/j.mehy.2020.109761. pp. 109761-109761. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 18.Wang L., Wong A. 2020. COVID-Net: A Tailored Deep Convolutional Neural Network Design for Detection of COVID-19 Cases From Chest X-Ray Images. arXiv:2003.09871v2 [eess.IV], 30 Mar. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 19.Zhu X.L.A.D. 2020. COVID-XPERT: an AI Powered Population Screening of COVID-19 Cases Using Chest Radiography Images. arXiv:2004.03042v1 [eess.IV], APRIL 8. [Google Scholar]
  • 20.Khan A.I., Shah J.L., Bhat M.M. CoroNet: a deep neural network for detection and diagnosis of COVID-19 from chest x-ray images. Comput. Methods Programs Biomed. 2020;196 doi: 10.1016/j.cmpb.2020.105581. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 21.Mahmud T., Rahman M.A., Fattah S.A. CovXNet: a multi-dilation convolutional neural network for automatic COVID-19 and other pneumonia detection from chest X-ray images with transferable multi-receptive feature optimization. Comput. Biol. Med. 2020;122(June) doi: 10.1016/j.compbiomed.2020.103869. pp. 103869-103869. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 22.Hemdan E.E.-D., Shouman M.A., Karar M.E. 2020. COVIDX-Net: A Framework of Deep Learning Classifiers to Diagnose COVID-19 in X-Ray Images. arXiv preprint arXiv: 2003.11055. 2020 Mar 24. [Google Scholar]
  • 23.Narin A., Kaya C., Pamuk Z. 2020. Department of Biomedical Engineering, Zonguldak Bulent Ecevit University, 67100, Zonguldak, Turkey. arXiv preprint arXiv:2003.10849. [Google Scholar]
  • 24.Panwar H., Gupta P.K., Siddiqui M.K., Morales-Menendez R., Singh V. Application of deep learning for fast detection of COVID-19 in X-Rays using nCOVnet. Chaos Solitons Fractals. 2020;138 doi: 10.1016/j.chaos.2020.109944. pp. 109944-109944. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 25.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(7):1379–1389. doi: 10.1007/s10096-020-03901-z. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 26.Tuncer T., Dogan S., Ozyurt F. An automated Residual Exemplar Local Binary Pattern and iterative ReliefF based corona detection method using lung X-ray image. Chemom. Intell. Lab. Syst. 2020;203(March) doi: 10.1016/j.chemolab.2020.104054. pp. 104054-104054. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 27.Cohen Joseph Paul, Morrison Paul, Dao Lan. 2020. COVID-19 Image Data Collection.https://github.com/ieee8023/covid-chestxray-dataset Available: [Google Scholar]
  • 28.P. M . 2020. Kaggle Chest X-ray Images (pneumonia) Dataset.https://www.kaggle.com/paultimothymooney/chest-xray-pneumonia Available: [Google Scholar]
  • 29.Liang Q., Zhu W., Sun W., Yu Z., Wang Y., Zhang D. In-line inspection solution for codes on complex backgrounds for the plastic container industry. Measurement: J. Int. Measurement Confed. 2019;148 pp. 106965-106965. [Google Scholar]
  • 30.Zhang X., Zhou X., Lin M., Sun J. ShuffleNet: an extremely efficient convolutional neural network for mobile devices. Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition. 2018:6848–6856. vol. arXiv:1707.01083v2 [cs.CV] 7 Dec. [Google Scholar]
  • 31.Iandola F.N., Han S., Moskewicz M.W., Ashraf K., Dally W.J., Keutzer K. 2016. SqueezeNet: AlexNet-level Accuracy With 50x Fewer Parameters and <0.5MB Model Size; pp. 1–13. arXiv:1602.07360v4 [cs.CV] 4 Nov. [Google Scholar]
  • 32.Özyurt F. Efficient deep feature selection for remote sensing image recognition with fused deep learning architectures. J. Supercomput. 2019;(0123456789) [Google Scholar]

Articles from Optik are provided here courtesy of Elsevier

RESOURCES