key: cord-0769133-6vjtz6tq authors: Ahmed, Sifat; Hossain, Tonmoy; Hoque, Oishee Bintey; Sarker, Sujan; Rahman, Sejuti; Shah, Faisal Muhammad title: Automated COVID-19 Detection from Chest X-Ray Images: A High-Resolution Network (HRNet) Approach date: 2021-05-25 journal: SN Comput Sci DOI: 10.1007/s42979-021-00690-w sha: 4e5a968205cbf8bd663ad43571d3c15c394cf269 doc_id: 769133 cord_uid: 6vjtz6tq The pandemic, originated by novel coronavirus 2019 (COVID-19), continuing its devastating effect on the health, well-being, and economy of the global population. A critical step to restrain this pandemic is the early detection of COVID-19 in the human body to constraint the exposure and control the spread of the virus. Chest X-Rays are one of the non-invasive tools to detect this disease as the manual PCR diagnosis process is quite tedious and time-consuming. Our intensive background studies show that, the works till now are not efficient to produce an unbiased detection result. In this work, we proposed an automated COVID-19 classification method, utilizing available COVID and non-COVID X-Ray datasets, along with High-Resolution Network (HRNet) for feature extraction embedding with the UNet for segmentation purposes. To evaluate the proposed method, several baseline experiments have been performed employing numerous deep learning architectures. With extensive experiment, we got a significant result of 99.26% accuracy, 98.53% sensitivity, and 98.82% specificity with HRNet which surpasses the performances of the existing models. Finally, we conclude that our proposed methodology ensures unbiased high accuracy, which increases the probability of incorporating X-Ray images into the diagnosis of the disease. Previously specified as 2019 novel coronavirus (2019-nCOV), the Severe Acute Respiratory Syndrome Coronavirus (SARS-CoV-2) disease (COVID-19) has precipitated global outbreak as it is termed as a pandemic by World Health Organization (WHO) [1] . It is rapidly disseminating all over the world since the development of the virus in Wuhan, China, at the end of 2019 [2, 3] . Though it was reportedly covered about the linkage of the Wuhan animal market, pointing out about the animal to human transmission, further studies have suggested human to human transmission [4] through droplets and inappropriate social distancing. Nevertheless, the virus is transmitting expeditiously, the costliest Polymerase Chain Reaction (PCR) testing and inept isolating process still behind the foundation of proper treatment. For that purpose, we have to think of an economical and straightforward testing approach by which the examining process can escalate with the speed of transmitting to promptly identify and detach the infected person. So, it is the most decisive task to defend the proliferation as this malignant virus is continuously ravaging the world. The convoluted PCR testing method is the only approved process of detecting the novel COVID-19 disease by WHO. For most of the country, people cannot afford this verification cost. As a result, people are dying without getting proper treatment because of the fatal virus. Moreover, the effect of this virus reflects in the major body parts including lung, heart, brain, etc. In a study published by nature, directly induced lung injury and deteriorate the respiratory system [5] . Also, there is a considerable amount of feature and observation to distinguish the infected part from a lung image. So, it will be beneficial for the society and a milestone development if we consider and establish a detection model based on the Chest X-Ray (CXR) or CT Scan images to classify the COVID-19 disease. Researchers around the world are continuously trying to build a time-efficient and cost-effective model to identify COVID-19 disease. Investigators are adopting CXR and CT Scan images for the classification of the infected lung. There is a disparate type of AI-based architectures developed to efficiently recognize the infected lung images [6] [7] [8] [9] . In the AI-based methods, machine learning and deep learning architectures stands out in most of the COVID-19 classification tasks [10] [11] [12] . But one of the biggest hindrances the researchers are facing is a deficiency in the dataset. To efficiently train a model, a reasonable amount of the subject images is required. But there is an insufficient amount of COVID-19 affected lung available for the research. So, image processing or machine learning model hardly can segregate the COVID and non-COVID images. To support this dataset complication, researchers are lying towards deep learning architecture because of the augmentation and transfer learning approaches [13, 14] . Various versions of CNN models such as-Inception Net, XceptionNet, ResNet, VGGNet, etc. are the prominent architectures that are employed in this research. Studying the existing classification models, we have adopted High-Resolution Network (HRNet) for feature extraction. In HRNet, different types of convolutional resolutions are linked in a parallel manner. Besides, HRNet consists of plentiful interaction across low and high resolution that bolsters its internal representation ability. The feature representation of this network is kept up during the training process that can prevent the small target information loss in the feature map. For vision-based problems, like small target segmentation and classification, HRNet gives more accurate and definite results because of the parallel procedure. In summary, our contributions in this research are as follows: -Firstly, we propose a COVID-19 classification method based on a high-resolution network for feature extraction, provides competing results compared with the existing architectures. -Secondly, we integrate UNet for lung segmentation along with the HRNet to precisely and accurately classify the COVID region. This addition improves the result significantly and validates the infected lung region rather than the redundant non-relevant areas. -Finally, we conduct a performance comparison with the existing advanced models by implementing those models and evaluating their performance with our proposed work. From the experimental results, we can affirm that the proposed model accomplishes surpassed the existing models by accuracy, sensitivity, specificity, and other evaluation metrics. The rest of this paper is organized as follows. In section "Related Works", we provided a study on the related works in this area of research. Subsequently, in section "Proposed Model", we discussed our proposed model which consists of a detailed description of our dataset and classification network. In section "Experimental Analysis", the experimental analysis is presented in detail, followed by the performance evaluation. Finally, in section "Conclusion", we concluded this paper with significant future works. Over the years, numerous types of works have been established to detect COVID-19 disease from a distinct perspective. Researchers around the world tried to come up with a model that can efficiently classify this disease considering a short amount of time. Various transfer learning approaches attracted attention because of insufficient amount of COVID-19 affected lung images [15] [16] [17] . In this section, a study on the existing works on COVID-19 classification will thoroughly describe with appropriate characterization and depiction. Apostolopoulos et al. [14] proposed an architecture based on transfer learning for the feature extraction. First, the authors tried to employed a CNN model to extract the feature of a different nature that is called pre-trained (only used for feature extractor) the CNN model. This was done by operating the transfer learning for feature extraction. After that, the extracted features were fed into a particular network for classification purposes. Though the author accomplished exceptional result but the author did not focus on handling the negative transfer. Borghesi et al. [18] introduced a Chest X-Ray (CXR) scoring system named as Brixia score to determine the outcome (recovery or death). Dividing the lungs into six zones with the aid of frontal chest projection, the authors assigned four scores (Score 0: no abnormalities to Score 3: alveolar predominance or critical condition). Then the six scores for the six divided zones were aggregated to obtain the final score ranging from 0 to 18. For validation, weight kappa (k w ) , confidence interval (CI) and P-values were calculated. Although the scoring system is a unique way to identify the disease, the experiment should apply to a considerable amount of CXR images. Leveraging the multi-resolution capabilities of the inception module, Das et al. [19] built a truncated inception net architecture associating with the adaptive learning rate protocol. In this model, kernels of disparate receptive fields were executed in a parallel manner for feature extraction. Then, the extracted features were deformed depth-wise to obtain the final output. Because of the diminutive dataset, used in the architecture, the inception net is truncated at some particular point of the model. An accuracy of 99.92% was achieved classifying COVID-19 cases combining with the pneumonia cases. A COVID-19 detection model considering multi-class and hierarchical classification was developed by Pereira et al. [20] . Working on the natural data imbalance, a resampling algorithm for rebalancing the class distribution was operated. For feature extraction, Inception V3, Local Binary Pattern (LBP), Local Phase Quantisation (LPQ), Local Directional Number pattern descriptor (LDN), Locally Encoded Transform Feature Histogram (LETRIST), Binarized Statistical Image Features (BSIF), etc. model was employed. Early and late fusion techniques were leveraged to the feature descriptor algorithms. Then, the author introduced the resampling operation to rebalance the distribution of the multi-class: flat and hierarchical. A macro-average F 1 score of 0.65 and 0.89 was achieved using the multi-class approach and the hierarchical classification respectively. In an unbalanced environment, this architecture stands out in the relative existing works. A 19-layer CNN architecture was proposed by Ozturk et al. [21] for the binary COVID-19 classification. The authors also covered the multiclass problem by assimilating the Pneumonia with the COVID and No Finding class. DarkNet-19, adopted by the author, is based on the prominent real-time object detection model YOLO. In the proposed model, a total of 17 layers were built by a 2D Convolutional layer of different dimensions and trainable parameters, one Flatten and one Linear layer. Each of the Convolutional Layer was developed followed by batch normalization and LeakyReLU operation. An accuracy of 87.02% for multi-class cases and 98.08% for binary classes was attained by the authors. A highly diverse and long-rang selective connective method was proposed by Wang et al. [22] . The machine-driven design strategy is leveraged by generative synthesis [23] . A PEPX module (conv1 × 1 + conv1 × 1 + DWconv3 × 3 + conv1 × 1 + conv1 × 1 ) was assembled with general convolutional, flatten and fully connected layers. Finally, softmax was used for classification purposes. Though an accuracy of 93.3% was achieved operating this network, the long-range connections in the Transfer Learning [14] densely-connected DNN produce memory overhead. Also, the architecture is computationally expensive for the longrange connections in the network. Moreover, heterogeneous incorporation of convolutional layers with different kernels and grouping configurations, heavily affect the interconnection and operation of the architecture. Narin et al. [24] worked with the pre-trained models such as-ResNet50, InceptionV3 and Inception-ResNetV2. From the studied research works, we have summarized the methods, datasets and performance in Table 1 . Though these deep learning methods worked well on this classification, there is a high chance of biasness and oversampling in the learning process for an insufficient number of images. Also, the feature information needs to incorporate in each and every layer on high-to-low and low-to-high upsampling processes which is not integrated with the existing model. To overcome these difficulties, High-Resolution Network (HRNet) is employed for feature extraction of this classification. Moreover, in the existing models, researchers did not focus on the segmentation as it plays a critical role to train an architecture. We should exclude the redundant area of a lung image to efficiently work on the infected lung portion only. For that purpose, we have integrated UNet architecture for segmentation purposes. In summary, we have built a unique and unprecedented COVID-19 detection architecture based on UNet (segmentation purpose) and HRNet (feature extraction purpose). In this section, we briefly discussed our approaches to data pre-processing, proposed research methodologies with proper illustration and characterization. To build this model, we have explored several pre-processing and classification techniques including supervised machine learning, deep learning, and transfer learning. In the extant research on COVID-19 detection, supervised learning focuses on the binary classification (COVID vs. Non-COVID) or a multiclass classification (COVID vs. Pneumonia vs. Normal lung conditions) [41] . Studying these existing works and considering the drawbacks described in the literature review, we have introduced HRNet [42] for feature extraction embedded with UNet [43] for segmentation purposes. Firstly, this segmentation process has been introduced because COVID CXR images that are publicly available contain several redundant marks, lung regions cropped, shifted to different directions, etc. After that, for feature selection, HRNet has been introduced in the field of COVID-19 detection from CXR images. HRNet has the capability of avoiding small features from the images. After feature selection, a classification head, created of a fully connected neural network has been used to classify COVID vs. Non-COVID images. Furthermore, a standard dataset is developed for COVID detection from chest X-ray images from several public data sources. These data sources are updated every day and giving researchers opportunities to focus more on COVID detection from CXR images. A depiction of the proposed architecture is illustrated in Fig. 1 . Following, we thoroughly described the related steps of the proposed method. The dataset for the classification purpose is built by assembling images from several acknowledgeable sources. Firstly, the COVID-19 CXR dataset that has been used in our experiment is collected from the public repository of GitHub [27] . As of July 03, 2020, this repository contains 759 images. In Fig. 2 , the class distribution of the public repository is depicted. In this public repository, 521 images are labeled as COVID-19 and 12 images are labeled as Acute Respiratory Distress Syndrome (ARDS) COVID-19. A total number of 533 images from the repository were collected from this source for our primary COVID-19 dataset. Though this is the most prominent repository since the beginning of the research in COVID-19 classification, there are some shortcomings in the images. One of the particular drawbacks can be exemplified as-this collection contains images from several publicly available resources such as websites and pdf formats. As a result, these images are in variable size and quality. Also, there are few side view images where the majority of the images belong to frontal views. Moreover, some images have color issues, contain markers, etc. In Fig. 3 , four examples of COVID-19 images are depicted acknowledging the issues-side view (Fig. 3a) , washed out (Fig. 3b) , color issue (Fig. 3c) and markers (Fig. 3d) . For non-COVID or normal images, we have collected images from the National Institute of Health (NIH) Chest X-Ray [30] which contains 108,948 frontal view X-ray images with 14 condition labels including normal condition and pneumonia of 32,717 unique patients. Unlike the COVID dataset, these images are not of variable dimensions. All of the images are resized to 1024 × 1024 in portrait orientation. As most of the images from the COVID dataset belongs to adult patients, we have applied an age threshold of 18 years or older on normal condition images to keep the X-Ray image condition as similar as possible. We also explored the ChexPert [44] which contains 224,316 chest radiographs. This dataset contains 14 labeled observations of 65,240 patients where the number of Normal (non-COVID) images are 16,627. In Table 2 , we have summarized the properties of the final dataset created for the evaluation of our proposed architecture. As described earlier, COVID images contain lateral X-ray images, taken from PDF files, marked images ( Fig. 3d and e) , etc. Firstly, we removed these images from the COVID dataset as there is a possibility that these images can make the classifier biased. Secondly, in NIH and ChexPert datasets, some images contain medical equipment ( Fig. 3f and g) which creates redundancies and abnormalities in times of training the model. Hence, these types of images are excluded from the main data repository. But still, most of the images contain several marks around the lungs area. To avoid these marks, we segmented the lung area from the images. In the next section, we described the process of lung segmentation and pre-processing the images and finally creating a practical COVID dataset for our experiment. In Fig. 4 , a comparison between a single random image collected from COVID, NIH, and ChexPert dataset is illustrated. Furthermore, we aggregated Normal images from NIH and ChexPert dataset as it looks similar. For our primary purpose, all the datasets mentioned above do not contain any annotation for the lung area. Thus to segment the lung data, we collect dataset that has lung area annotated and train the UNet [43] from scratch. Belongs to the semantic segmentation category, UNet was solely created for medical image segmentation and also proven its worth in recent segmentation tasks. Another great feature of UNet is it can make a strong usage of augmented data, contracting and symmetric path-based architecture enables precise localization. Assembled upon the Fully Connected Network (FCN), UNet is symmetric and consists of a skip connection which provides information from local to global network while upsampling. As a consequence of the symmetricity, this network has an extended number of feature maps in the intermediate connection that allows transferring the information. There are three distinct parts of the UNet-Downsampling path (Contraction), Bottleneck, and Upsampling path (Expansion). While the Contracting path is established by the basic convolutional process, the Extracting path is constituted with transposed 2D convolutional layers. For this segmentation task, we collected a dataset from Jaeger et al. [45] . This dataset contains a total number of 800 frontal X-ray images from the Montgomery County chest X-ray dataset of the Department of Health and Human Services, Montgomery County, Maryland, USA (138 images), and Shenzen chest X-ray dataset of Guangdong Medical College, Shenzen, China (662 images). Chest X-ray datasets from these sources are visually similar to the dataset of 2472 images which we have selected for our COVID detection task. A side by side comparison with our COVID dataset images and segmentation dataset images is depicted in Fig. 5 . Every image of the Montgomery dataset is either 4020 × 4892 pixels or 4892 × 4020 pixels. Images from the Shenzen dataset are variable but approximately 3000 × 3000 pixels. We resized these images and their corresponding lung masks to 512 × 512 pixels to train our model. Moreover, augmentation is done on the images and their corresponding masks to take the advantages of the UNet model. The augmentation procedure and parameters are described in the dataset augmentation section and the training process with the parameters is explained in the "Experimental Analysis" section. After training the UNet model with this segmentation dataset, we used the operating weights to get segmented lung images from the COVID dataset. Furthermore, the UNet model provides a prediction mask for every image. Hence, we applied dilation operation for 8 iterations and 2 iterations of closing operation on the predicted masks to gain more information from the edges of the lungs. To ensure the quality of the segmentation, we then applied a region-based threshold to distinguish the pixels. For every image, we got several segmented regions then calculate the total area of these segmented regions for image and apply a threshold of 50,000 pixels to ensure the quality. This threshold value was chosen by trial and error and observing the output from the segmentation model. After applying an area threshold to these segmentations, we finally got our COVID dataset. Our final COVID dataset consists of 410 COVID images and 500 non-COVID images from NIH and the ChexPert dataset. The working procedure of this segmentation method is summarized in Algorithm 1 (Fig. 6 ). For a better generalization of the classification model, we augmented both the segmentation dataset for the UNet model and the pre-processed segmented COVID dataset. In both cases, we applied the same set of augmentation such as scaling, padding, crop, rotation, gamma correction, slight Gaussian blur, random noise, salt and pepper noise, etc. based on a probabilistic value. Figure 7 demonstrates the output of image augmentation. In Table 3 , we have discussed the parameters of augmentation. These parameters were used for both the segmentation dataset and the COVID dataset. All of these parameters were selected empirically. For feature extraction, High-Resolution Net (HRNet) [42] is a state-of-the-art neural network architecture. In most of the recent HRNet adopted architecture, it is used as the backbone of the proposed models. Considering the two approaches-Top-Down and Bottom-Up, HRNet followed the top-down approach because it detects the subject first, establishes a bounding box around the subject, and then estimate the significant feature. Moreover, HRNet relies on continuous multi-scale fusions instead of a single high-tolow upsampling process. In the following, a brief description of the HRNet architecture is characterized. The fundamental working procedure is it calculates lower resolution and higher resolution sub-network parallelly. Then, these two networks coalesced together by a fuse layer for the purpose to assemble and interchange information from each of the sub-network with each other. Consisting of four parts, each of the parts is built with repeating modularized multi-resolution sections [42] . Each section consists of a group convolution supporting the multi-resolution properties. A multi-resolution convolution can be constructed with the aid of regular convolution wherein a regular convolution, the input, and output layers are connected in a fully-connected approach [46] . The subnetworks follow these properties to aggregate their multi-resolution attributes. In this way, the subnetwork gains global highresolution representations. A representation of the employed HRNet architecture is depicted in Fig. 8 . The working procedure of feature extraction using HRNet and classification is compiled in Algorithm 2. This whole experiment was conducted on a device with Ryzen 7 3700X processor, NVIDIA GeForce RTX 2070 Super GPU, 16 GB 3600 MHz RAM, and Samsung Evo 970 m.2 SSD. To make an accurate detection, the classifiers need to focus on the lung regions properly. Our previous experiments without segmentation (Fig. 9) shows that despite having high accuracy on training and validation set, the focus region of the classifiers often deviate to outside of lungs which may lead to a false prediction. To address this issue, we segmented our dataset and kept only the lung portion from the X-ray images. Only lung areas are collected to create a clean dataset without any redundant markers and flaws in the image. To collect these lung areas from the primary dataset of 2472 images, the UNet model was trained on Montgomery and Shenzen dataset. This dataset has 800 images and to train UNet KFold (10-fold) cross-validation is used. For validating the experimental results, the 10-fold cross validation technique is adopted considering a possible bias. Furthermore, 10-fold cross-validation technique ensures that each images (COVID and non-COVID) is considered for training and testing purpose at least once in the experiment cycle. In this dataset, two corresponding masks, one for the right lung and one for the left lung contains for one CXR image. At first, two lung images were combined to make one corresponding mask for each CXR image. These images are then employed to train the UNet model. For the loss function, a Dice coefficient loss is used to get crisp borders. This loss function has been introduced by Milletari et al. [47] in their research of 3D volumetric image segmentation. Dice loss originates from Sørensen-Dice where P i and G i represent the pixels of prediction and ground truth respectively. In edge detection, the values of P i or G i is either 0 or 1. That means if two sets of pixels overlap perfectly the D reaches its maximum value to 1, otherwise it decreases. By using dice loss, two sets of predicted edge and ground truth edge are trained to overlap gradually. After that, traditional cross-entropy loss calculates the average of perpixel loss where the per-pixel loss is calculated discretely here without knowing if the adjacent pixels are edges or not. As a result, it is not enough for image-level prediction. Dice loss provided better results in our lung segmentation using UNet. The model was trained for 25 epochs for each fold with a learning rate of 0.005, and a custom dice coefficient loss function with a grayscale input image of size 512 × 512 pixels. Table 4 shows the input, output, and layer configuration used for UNet. As mentioned above, UNet is trained for 10-folds, 25 epochs for each fold, and the dice coefficient loss function is used. The learning rate is selected by train and error process and images are augmented according to the configuration described in the augmentation section. Figure 10 shows the average training accuracy, training loss, average validation accuracy, and average validation loss for 10-folds. After training the model, the weights are applied on the COVID dataset to remove redundant areas from chest X-ray images and to get lung areas. This segmented dataset is used for training the HRNet and get classification results from the classifier. In this section, the training procedure of feature extraction using HRNet and classification been discussed briefly. HRNet has the capability of avoiding the loss of small target information in the feature map due to its convolutions being connected in parallel and high-resolution feature representation. To train the model, the segmented COVID dataset of 910 images is used. This dataset contains 410 lungs segmented COVID images and 500 lung segmented non-COVID images. For training purposes, 10-fold crossvalidation is used. The model showed better accuracy for learning rate 0.01, weight decay 0.0001, momentum 0.8, learning rate factor 0.1, learning rate step 30, 60, 90. Stochastic gradient descent and binary cross-entropy loss functions are used. These parameters were chosen by observing the performance and evaluating the model progressively ( Table 5 ). The performance analysis of the model is shown in Table 6 for each fold. Using the KFold algorithm, first, the dataset is divided into 10-folds where 1-fold is kept for testing. The other 9 folds are used for training purposes. In summary, HRNet has been used as the backbone of our classification model to extract features from images. These features are then passed through several fully connected layers which are defined as a classification head. The parameters of this classification head such as the number of layers, dropout, activation function, regularization, etc. were selected by trial and error method. The configuration of the classification head is given in the Fig. 11 . Furthermore, for performance evaluation, if the number of True Positive, True Negative, False Positive and False Negative denoted by TP, TN, FP, and FN respectively, then the three adopted evaluation matrices which are as follows: In Table 6 , the average of the testing accuracy, sensitivity and specificity for the 10-folds is characterized. We have accomplished 99.26% testing accuracy, 98.53% of testing sensitivity and 98.52% of testing specificity. Furthermore, we depicted the confusion matrices of worst and best cases in Fig. 12 . In the worst confusion matrix (Fig. 12a) , 39 and 50 testing images correctly classified as COVID and non-COVID respectively whereas only two images are falsely classified. But, in Fig. 12b , all the testing images are accurately classified as COVID and non-COVID which represents the best confusion matrix. We have also successfully eradicated the issue of false-focused region detection Figure 13 shows the heatmaps of correctly classified regions. We trained our model both with segmented and non-segmented data. We have compared the performance of the proposed model with the existing adopted models. Two existing prominent architecture-ResNet152 and DenseNet121 are implemented for the comparison purpose. We achieved the superlative result in each of the terms of the evaluation metric-Accuracy, Testing Specificity, Sensitivity, and F1 Score-by comparing our proposed model with these trained architectures. HRNet achived a high accuracy of 100% (with non-segmented data) and 99.26% (On Segmented Data) respectively. In Table 7 , we have summarized the existing model's performance comparison with our proposed model. In Fig. 14 , a depiction of the optimal confusion matrix of the existing trained model is illustrated. In this study, we use a segmented X-ray dataset, as extensive experiments show that, with a non-segmented dataset, classifiers may focus outside of the lung region which can lead to false classification results. Meanwhile, we also evaluate some state-of-the-art recognition methods on our dataset. The result demonstrates that HRnet performs the best among the others with 99.26% accuracy, 98.53% sensitivity, and 98.82% specificity. The proposed model is fully automated without any need for manual feature extraction. Moreover, to ensure a production-ready solution, we broadly investigate the results and focus regions of the classifiers and our experimental results show the robustness of our proposed model to focus on the right region and classify. To conclude, this model can be used to help the radiologist to make clinical decisions, due to its unbiased high-accuracy and correctly identified focus region. We hope that our proposed methodology is a step towards the possibility of lessening the false positive detection from X-Ray images. However, in terms of data, we are still in the primary level of the experiment. As the number of patients increasing around the world and the symptoms and formation of the virus are changing day by day, with the continuous collection of data, we intend to extend the experiment further and enhance the usability of the model. This study was not funded by any funding agency or anybody. Radiopaedia, and (SIRM) 2. Sensitivity: 98.66% 3. Specificity: 96.46% Brixia Scoring System Pneumonia 4280 + 1583 TB (China) 342 + 340 and TB (USA) Flat and Hierarchical classification [20] 1144 CXR images [27, 30] F1-Score of 0 Normal, 105 and 11 samples of COVID-19 and SARS Severe acute respiratory syndrome coronavirus 2 (sars-cov-2) and corona virus disease-2019 (covid-19): the epidemic and the challenges Pattern of early human-to-human transmission of Wuhan Clinical features of patients infected with 2019 novel coronavirus in Wuhan Epidemiologic and clinical characteristics of novel coronavirus infections involving 13 patients outside Wuhan A crucial role of angiotensin converting enzyme 2 (ace2) in sars coronavirus-induced lung injury Review of artificial intelligence techniques in imaging data acquisition, segmentation and diagnosis for COVID-19 Detection of human coronavirus nl63 in young children with bronchiolitis Artificial intelligence (AI) applications for COVID-19 pandemic. Diabetes & Metabolic Syndrome Coronavirus (COVID-19): a review of clinical features, diagnosis, and treatment Artificial intelligence and machine learning to fight COVID-19 Machine learning using intrinsic genomic signatures for rapid classification of novel pathogens: COVID-19 case study Serial quantitative chest CT assessment of COVID-19: deep-learning approach Deep-COVID: Predicting COVID-19 from chest X-ray images using deep transfer learning COVID-19: automatic detection from X-ray images utilizing transfer learning with convolutional neural networks A comparative study of cnn transfer learning classification algorithms with segmentation for COVID-19 detection from CT scan images A comprehensive survey of COVID-19 detection using medical images Deep learning approaches for COVID-19 detection based on chest X-ray images COVID-19 outbreak in Italy: experimental chest X-ray scoring system for quantifying and monitoring disease progression Truncated inception net: COVID-19 outbreak screening using chest X-rays COVID-19 identification in chest x-ray images on flat and hierarchical classification scenarios Automated detection of cOVID-19 cases using deep neural networks with X-ray images COVID-net: a tailored deep convolutional neural network design for detection of COVID-19 cases from chest X-ray images Ferminets: learning generative machines to generate efficient neural networks via generative synthesis Automatic detection of coronavirus disease (COVID-19) using X-ray images and deep convolutional neural networks Deep neural network to detect COVID-19: one architecture for both ct scans and chest X-rays Shallow convolutional neural network for COVID-19 outbreak screening using chest X-rays COVID-19 image data collection Chest X-ray images (pneumonia) national library of medicine. tuberculosis chest x-ray image data sets Chestx-ray8: Hospital-scale chest X-ray database and benchmarks on weakly-supervised classification and localization of common thorax diseases COVID-net: a tailored deep convolutional neural network design for detection of COVID-19 cases from chest radiography images Can AI help in screening viral and COVID-19 pneumonia? Covidx-net: a framework of deep learning classifiers to diagnose covid-19 in X-ray images COVID-19 screening on chest X-ray images using deep learning based anomaly detection Presumed asymptomatic carrier transmission of COVID-19 Classification of COVID-19 in chest X-ray images using detrac deep convolutional neural network Diagnosing COVID-19 pneumonia from X-ray and CT images using deep learning and transfer learning algorithms COVID-caps: a capsule network-based framework for identification of COVID-19 cases from X-ray images Coronavirus disease (COVID-19) detection in chest X-ray images using majority voting based classifier ensemble Lung segmentation in chest radiographs using anatomical atlases with nonrigid registration X-ray image based COVID-19 detection using pre-trained deep learning models High-resolution representations for labeling pixels and regions U-net: convolutional networks for biomedical image segmentation Chexpert: a large chest radiograph dataset with uncertainty labels and expert comparison Two public chest X-ray datasets for computer-aided screening of pulmonary diseases Interleaved group convolutions V-net: fully convolutional neural networks for volumetric medical image segmentation Conflict of interest All of the Authors declare that he/she has no conflict of interest.Ethical approval This article does not contain any studies with human participants or animals performed by any of the authors.