key: cord-0202916-rv8mjkwe authors: Khan, Saddam Hussain; Sohail, Anabia; Khan, Asifullah title: COVID-19 Detection in Chest X-Ray Images using a New Channel Boosted CNN date: 2020-12-08 journal: nan DOI: nan sha: 71123dc56e7f7ddb1472ec3fa7c2b719ae346afc doc_id: 202916 cord_uid: rv8mjkwe COVID-19 is a highly contagious respiratory infection that has affected a large population across the world and continues with its devastating consequences. It is imperative to detect COVID-19 at the earliest to limit the span of infection. In this work, a new classification technique CB-STM-RENet based on deep Convolutional Neural Network (CNN) and Channel Boosting is proposed for the screening of COVID-19 in chest X-Rays. In this connection, to learn the COVID-19 specific radiographic patterns, a new convolution block based on split-transform-merge (STM) is developed. This new block systematically incorporates region and edge-based operations at each branch to capture the diverse set of features at various levels, especially those related to region homogeneity, textural variations, and boundaries of the infected region. The learning and discrimination capability of the proposed CNN architecture is enhanced by exploiting the Channel Boosting idea that concatenates the auxiliary channels along with the original channels. The auxiliary channels are generated from the pre-trained CNNs using Transfer Learning. The effectiveness of the proposed technique CB-STM-RENet is evaluated on three different datasets of chest X-Rays namely CoV-Healthy-6k, CoV-NonCoV-10k, and CoV-NonCoV-15k. The performance comparison of the proposed CB-STM-RENet with the existing techniques exhibits high performance both in discriminating COVID-19 chest infections from Healthy, as well as, other types of chest infections. CB-STM-RENet provides the highest performance on all these three datasets; especially on the stringent CoV-NonCoV-15k dataset. The good detection rate (97%), and high precision (93%) of the proposed technique suggest that it can be adapted for the diagnosis of COVID-19 infected patients. The test code is available at https://github.com/PRLAB21/COVID-19-Detection-System-using-Chest-X-Ray-Images. Coronavirus disease 2019 (COVID-19) is a severe and continuing pandemic, which broke out in December 2019 and has now affected the whole world. This new pathogenic viral infection is caused by a new virus from the family of coronavirus (CoV) and named as SARS-CoV-2. COVID-19 is highly contagious, which quickly transmits from one individual to another, even before the onset of clinical symptoms [1] , [2] . COVID-19 causes a respiratory illness that can be asymptomatic, or its clinical manifestation can span across fever, cough, myalgia, respiratory impairment, pneumonia, acute respiratory distress and even death in severe cases [3] , [4] . The lack of a standard vaccine and no approved treatment by the Food and Drug Authority necessitates the early detection of COVID-19 both for proper care of patients and to control infection spread. The standard approach approved by World Health Organization for virus antigen detection is Polymerase Chain Reaction (PCR); however, it suffers from False-negative rate depending upon viral load and sampling strategy (30-70% True-positive rate) [5] , [6] . Radiological imaging (X-Ray, CT) is used as an assisted screening tool to counter the Falsenegative rate of PCR in symptomatic patients. It acts as a first-line diagnostic measure for patients suspected with COVID-19 and suffering from a chest infection [7] . In addition to diagnostic importance, X-Ray and CT images are used for severity assessment and patients' follow-up [8] , [9] . Chest imaging manifests radiological patterns specific to COVID-19. These patterns commonly include multifocal and ground-glass opacities and multi-lobular involvement. In patients with severe COVID-19 pneumonia, lung density increases, and its characteristic marks become incomprehensible because of consolidation [10] , [11] . X-Ray imaging, as compared to CT imaging, is a quick and easy method that is widely available at low cost. The facility of X-Ray imaging is commonly available in hospitals, and the availability of its portable devices make it easy to perform X-Rays imaging in deprived areas, field hospitals and intensive care units [12] . The visual assessments of radiographic images of COVID-19 patients require trained radiologists. In an ongoing pandemic, the high prevalence of COVID-19 cases in addition to other pulmonary disorders and a limited number of experts is a considerable burden on radiologists. The inevitable importance of a timely diagnosis stresses the need for the development of automated assistance tool that can facilitate radiologists in the initial screening. Deep learning (DL) models are a powerful tool for the analysis of medical images. DL models have been successfully used for the analysis of thoracic radiologic images for diagnosis of pneumonia, respiratory distress, tuberculosis, and segmentation of infected regions [13] - [17] . In this work, a deep Channel Boosted (CB) CNN based new classification technique "CB-STM-RENet" is proposed for the automatic detection of COVID-19 in chest X-Rays. CB-STM-RENet is a new CNN architecture and is able to discriminate both COVID-19 chest infections from healthy, as well as other types of chest infections. The proposed technique exploits the systematic usage of the region and edge-based (RE) feature extraction in our newly proposed convolutional block. Additionally, to enhance the classification performance, the concept of Channel Boosting is exploited. In this regard, for the creation of the boosted channels, Transfer Learning (TL) based fine-tuned pre-trained CNN models are used as auxiliary learners. This combination of the original and auxiliary channels boosts the chest infection discrimination capability of the proposed CB-STM-RENet. The significant contributions of this research are: A novel CNN block based on the concept of Split-Transform-Merge (STM) is developed that systematically exploits the concept of RE-based (RE) feature extraction in each block of the proposed STM-RENet. The systematic use of the RE-based operations at each branch of the STM block captures the diverse set of features at various levels, especially those related to region homogeneity, textural variations, and boundaries of the infected region. The idea of Channel Boosting is exploited using TL in addition to the new STM block to reduce the False negatives and thus achieved a significant improvement in STM-RENet performance. The final proposed classification technique "CB-STM-RENet" thus exploits the effectiveness of a diverse set of RE-based features, Channel Boosting, and TL. We have also assembled three different datasets from the publicly available chest X-Ray images and named them as CoV-Healthy-6k, CoV-NonCoV-10k, and CoV-NonCoV-15k, respectively. The remainder of this paper is structured as follows. Related work is presented in section 2. Dataset description is given in section 3. The detailed framework of the proposed deep CB-CNN for COVID-19 detection is explained in section 4. Section 5 provides the experimental setup. Section 6 discusses the results and comparative studies. Finally, section 7 concludes the paper. These architectures have been fine-tuned on problem-specific COVID dataset using TL and achieved optimal results. However, because of the non-availability of the consolidated data repository, these models have been evaluated on various small size datasets gathered from GitHub and Open-I respiratory, etc. In one of the early works, a pre-trained ResNet-50 model has been fine-tuned using TL on small X-ray chest dataset and achieved 98% accuracy [16] . Similarly, a pre-trained ResNet-101 CNN architecture has been used to detect abnormality in chest X-ray images using different dataset and reported sensitivity (0.77), and accuracy (71.9%), respectively [22] . Moreover, a pre-trained inception network has been employed for the prediction of COVID-19 and reported accuracy (89.5%) [23] . The model has been employed on the multi-class problem like Healthy, COVID-19 non-affected patients, and COVID-19 affected pneumonia patients. Similarly, nineteen layers of deep CNN architecture has been developed based on the idea of ResNet, named as COVID-Net and employed on the same dataset [24] . COVID-Net model showed good accuracy (92%) but at a low detection rate (sensitivity) (87% In the most recent studies, a framework of four pre-trained existing CNN networks has been employed for identifying the presence of COVID-19 in X-ray images. These models (ResNet18, ResNet50, Squeeze Net, and DenseNet121) are fine-tuned on COVID-Xray-5k dataset. On average, these models obtained approximately a detection rate of (98%) [27] . A pre-trained CNN model like ResNet-50 has also been used for deep feature extraction and ML classification (SVM). This model is fine-tuned on small COVID-19 dataset using TL and reported an accuracy of 95% [28] . Similarly, a pre-trained ResNet-152 has been used for deep feature extraction in combination with Random Forest and XGBoost classifiers, achieving accuracy (97.3%) and (97.7%), respectively [29] . COVID-19 is a new disease and to the best of our knowledge, up till now, no consolidated data is available. Consequently, we collected radiologists' authenticated X-Rays images from different publically accessible data repositories. The details of the datasets are mentioned in this section. The examples of X-Rays images from the assembled dataset are illustrated in Figure 1 . For this study, initially COVID-19 vs Healthy individuals' dataset has been built. The COVID-19 X-Ray images used in this research are collected from [30] . The Healthy individuals' dataset is obtained both from [30] and Kaggle repository [31] . The accessed repositories contain images from multiple publicly accessible sources, and hospitals, and these X-Rays images are verified from the radiologists. The new dataset consists of 3224 images from both COVID-19 infected and This dataset consisted of COVID-19 infected and non-COVID-19 chest X-Ray images. The non-COVID-19 X-Rays includes both Healthy and non-COVID-19 infected individuals. These X-Ray images are collected from [30] , whereas the same set of Healthy samples are also used as defined in CoV-Healthy-6k Dataset. In non-COVID-19 samples, the disease is caused by different viral and bacterial infections other than COVID-19. This dataset contains total 9538 images, out of which both the COVID-19 and non-COVID-19 class includes the 4769 images. We also build a stringent dataset to evaluate the robustness of the proposed technique. For this, CoV-NonCoV-10k dataset is augmented by including additional samples from [27] . This new CoV-NonCoV-15k dataset is imbalanced and consisted of 15127 total images; out of which 5223 and 9904 images are from COVID-19 infected and non-COVID-19 individuals, respectively. This work proposes a new technique based on CB-CNN for automated detection of COVID-19 in chest X-Ray images. The proposed technique targets the discrimination of COVID-19 infected from both non-COVID-19 infected and Healthy individual. In this regard, a new CNN classifier based on novel split-transform-merge (STM) block [32] is developed that systematically implements RE-based operations for the learning of COVID-19 specific patterns and terms as "STM-RENet". This architecture is also known as "PIEAS Classification Network-4 (PC Net-4)". The learning capacity of the proposed CNN is enhanced using Channel Boosting to improve the detection rate while maintaining high precision. The CB-CNN is termed as "CB-STM-RENet" or "PIEAS Classification Network-5 (PC Net-5)". The performance of the proposed technique is compared with several existing CNNs by implementing them from scratch as well as by adapting them using TL on X-Ray dataset for COVID-19 detection. The overall workflow is shown in Figure 2 . Preprocessing  (CoV-Healthy-6k)  (CoV-NonCoV-10k)  (CoV-NonCoV-15k) Deep CNNs have been rigorously used in image processing applications because of their strong pattern mining ability. CNN exploits the structural information of the image using convolution operation and dynamically extracts feature hierarchies according to the target application. Multiple innovations in the CNN design have raised their use in medical image classification, detection and pattern discovery tasks [33] , [34] . In this work, a new COVID-19 pneumonia specific CNN architecture has been proposed based on the novel split-transform-merge block (STM) and RE-based feature extraction proposed in Khan et al. study [35] . This new architecture is named as STM based RENet (STM-RENet) for COVID- 19 . The architectural design of the new block is illustrated in Figure 3 . The proposed block consists of three sub-branches. The concept of RE-based feature extraction is systematically employed at each branch using max and average pooling in combination with convolution and ReLU activation to capture discriminating feature at a high level. The STM-RENet mine the patterns from X-Ray dataset by splitting the input into three branches learns the region-specific variations and their characteristic boundaries using RE-based operator and finally merges the output from multiple paths using concatenation operation. In STM-RENet, two STM blocks with the same topology are stacked one after another to extract a diverse set of abstract level features. This idea helps the STM-RENet in extracting a diverse set of variations in the input feature maps. Radiographic data exhibits large variations in images and thus, a robust CNN model is required for good discrimination. The discrimination ability of the proposed STM-RENet is enhanced by exploiting Channel Boosting. The idea of Channel Boosting is proposed by Khan et al. [36] , [37] for solving complex problems. In the proposed technique, Channel Boosting is performed by generating auxiliary feature channels from two pre-trained networks via TL to improve the performance of STM-RENet. TL is a type of machine learning, which allows leveraging the knowledge of existing techniques for new tasks. TL can be exploited in different ways for multiple tasks, but the most often employed approaches for knowledge utilization are 1) instance-based TL, 2) feature-space based TL, 3) parameter exploitation based TL, and 4) Relation-knowledge based TL [38] , [39] . CNNs with varied architectural designs have different feature learning capacities. Multiple channels learnt from different deep CNNs exhibit multi-level information. These channels represent different patterns, which may help in precisely explaining class-specific characteristics. Combination of diverse-level abstractions learned from multiple channels may improve both the global and local representation of the image. The concatenation of auxiliary and original channels gives the idea of intelligent feature-space based ensemble; whereby the single learner takes the final decision by analyzing multiple image specific patterns [42] . In this work, we utilized supervised domain adaptation-based TL by exploiting two different pre- optimally and to achieve substantial performance on a small amount of data. TL is a type of machine learning, in which models already pre-trained for some task are used for new task by finetuning layers of network or by adding some new target specific layers [50] , [51] . In this regard, Holdout cross-validation scheme is used for the training and evaluation of the deep CNN models. Dataset was divided into train and test set with the ratio of 80:20%. From training dataset, 20% is reserved for model validation and hyperparameter selection. The final evaluation of the model was made on the test set, which was kept separate from training and validation dataset. DL models usually overfit on a small size dataset. Therefore, a sufficient amount of data is All the images have been resized to 224x224x3 before assigning to CNN for training. Deep CNN models were trained in an end-to-end method. Stochastic Gradient Descent (SGD) was employed as an optimizer function to reduce cross-entropy loss. Softmax was used for the identification of class probabilities. The training was managed using Piecewise learning rate scheduler by setting an initial value of learning rate as 0.0001 and momentum of 0.95. Some of the CNN Models were trained with a batch size of 16 while others were trained with 32 a batch size for 10 epochs. For each of the CNN model, 95% confidence interval (CI) was computed [52] , [53] . The training time for 1 epoch on NVIDIA GeForce GTX Titan X was ~1-2 hours. All the implemented models were trained for all the three different datasets and evaluated on their unseen test sets. Deep CNN models were built in MATLAB 2019b, and simulations were performed using DL library. All the experimentations were done on a CUDA enabled NVIDIA GeForce GTX Titan X computer, having 64 GB RAM. The performance of the proposed technique is evaluated using several performance metrics on an unseen test set and benchmark against well-known existing techniques. Learning plots of the proposed CB-STM-RENet, showing accuracy and loss values for training and validation set is shown in Figure 5 . Learning plot suggests that the proposed CB-STM-RENet technique converges to optimal values quickly. The discrimination ability of the proposed technique is evaluated using accuracy (Acc) and area Classification results of the proposed STM-RENet with and without Channel Boosting on the test set of CoV-Healthy-6k are shown in Table 1 The proposed technique is accessed for its effectiveness in discriminating COVID-19 infected from non-COVID-19 infected. Therefore, STM-RENet with and without Channel Boosting is trained on CoV-NonCoV-10k with the same set of parameters and evaluated on the test dataset. Table 1 illustrates the classification results. The performance analysis using various evaluation metrics (accuracy: 97.48%, F-score: 0.98, and MCC: 0.95) clearly shows that Channel Boosting improves the discrimination ability of CNN significantly (shown in Table 1 ). Generalization of the proposed technique is accessed by evaluating the performance on stringent CoV-NonCoV-15k dataset, as shown in Figure 6 . This dataset is imbalance and contains a smaller number of COVD-19 positive patients as compared to non-COVID-19 and Healthy individuals both in training and test set. Table 1 shows the detection results. F-score and AUC show good learning potential and strong discrimination ability of our proposed CB-STM-RENet technique as compared to STM-RENet. The significance of the proposed architecture and the impact of Channel Boosting is explored by implementing existing deep CNN techniques. Existing techniques with different CNN architectural blocks are implemented from scratch as well as well fine-tuned using TL. Figure 7 and Table 2 shows the result of the best performing techniques on a test set of CoV-Healthy-6k, CoV-NonCoV-10k and CoV-NonCoV-15k. Figure 7 . Feature space learnt by the proposed CB-STM-RENet technique and ResNet is analyzed to understand the decision-making behavior better. Figure 8 shows the projection of the first two principal components of feature space learned by the proposed CB-STM-RENet and ResNet for the test dataset. It is evident from 2D plots that the proposed CB-STM-RENet shows the highest discriminative capability (segregation of COVID-19 positive from Non-COVID-19) as compared with ResNet on the test dataset of CoV-Healthy-6k, CoV-NonCoV-10k and CoV-NonCoV-15k, respectively. Significant detection rate is needed in COVID-19 diagnostic system for limiting infection spread and patient treatment. Therefore, the detection rate (number of correctly identified COVID-19 positive patients) is explored along with the precision of the proposed technique for all three test sets. The detection rate and precision for the proposed CB-STM-RENet and best performing existing techniques are reported in Figure 9 and Table 1 -2. The quantitative statistics exhibit that the proposed technique with and without Channel Boosting achieved the highest detection rate (ranging from 96-99%) with the minimum number of False positives. CB-STM-RENet significantly decreases the number of False negatives and positives, as shown in Figure 9 . The substantial precision suggests that our proposed technique with Channel Boosting significantly reduced the miss-detection rate (ranging from 1-7%) and is able to screen the individuals precisely. High precision means very few Healthy individuals or non-COVID-19 patients will be Falsely diagnosed with COVID-19 infection and thus result in lessening the burden on radiologists. ROC and PR curve have a significant role in accessing the optimal diagnostic cutoff for the classifier. These curves graphically illustrate the discrimination ability of the classifier at a whole range of possible values [54] . Figure 10 shows ROC curves for the proposed and existing techniques for CoV-Healthy-6k and CoV-NonCoV-10k datasets, whereas both the curves, ROC and PR are reported for CoV-NonCoV-15k dataset because of its imbalance nature. It is evident from ROC and PR based quantitative analysis that the proposed technique, both with and without Channel Boosting at different cutoffs, shows significant diagnostic accuracy. Figure 10 shows that our proposed technique with Channel Boosting achieved an AUC-ROC of 0.99 on both the datasets (CoV-Healthy-6k and CoV-NonCoV-10k) and 0.98 AUC-PR for CoV-NonCoV-15k. The high value of AUC recommends that the proposed technique with Channel Boosting upholds high sensitivity with low False detection rate and performs well as a whole for COVID-19 patients' screening. COVID-19 infection: Origin, transmission, and characteristics of human coronaviruses Clinical features of patients infected with 2019 novel coronavirus in Wuhan, China Automated Detection and Forecasting of COVID-19 using Deep Learning Techniques: A Review Clinical characteristics of severe acute respiratory syndrome coronavirus 2 reactivation Detection of SARS-CoV-2 in Different Types of Clinical Specimens COVID-19 Testing: The Threat of False-Negative Results Correlation of Chest CT and RT-PCR Testing in Coronavirus Disease 2019 (COVID-19) in China: A Report of 1014 Cases Imaging Profile of the COVID-19 Infection: Radiologic Findings and Literature Review Classification and Region Analysis of COVID-19 Infection using Lung CT Images and Deep Convolutional Neural Networks The role of chest radiography in confirming covid-19 pneumonia Chest x-ray findings and temporal lung changes in patients with COVID-19 pneumonia COVID-Net: A Tailored Deep Convolutional Neural Network Design for Detection of COVID-19 Cases from Chest X-Ray Images Classification of lung nodules in CT scans using three-dimensional deep convolutional neural networks with a checkpoint ensemble method Identifying pneumonia in chest X-rays: A deep learning approach Development and Validation of a Deep Learning-based Automatic Detection Algorithm for Active Pulmonary Tuberculosis on Chest Radiographs Deep-learning-based detection and segmentation of organs at risk in nasopharyngeal carcinoma computed tomographic images for radiotherapy planning A computer vision system for deep learning-based detection of patient mobilization activities in the ICU Automatic Detection of Coronavirus Disease (COVID-19) Using X-ray Images and Deep Convolutional Neural Networks Covid-19: automatic detection from X-ray images utilizing transfer learning with convolutional neural networks 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 Deep Learning Prediction Model Using Publicly Available Radiologist-Adjudicated Chest X-Ray Images as Training Data: Preliminary Findings A deep learning algorithm using CT images to screen for Corona Virus Disease (COVID-19)," medRxiv COVID-Net: a tailored deep convolutional neural network design for detection of COVID-19 cases from chest X-ray images COVID-CAPS: A Capsule Network-based Framework for Identification of COVID-19 cases from X-ray Images Automated detection of COVID-19 cases using deep neural networks with X-ray images Deep-COVID: Predicting COVID-19 from chest X-ray images using deep transfer learning Detection of coronavirus disease (COVID-19) based on deep features and support vector machine Accurate Prediction of COVID-19 using Chest X-Ray Images through Deep Feature Learning model with SMOTE and Machine Learning Classifiers Mendeley Data -Extensive COVID-19 X-Ray and CT Chest Images Dataset COVID-19 Xray Dataset (Train & Test Sets) | Kaggle Going deeper with convolutions Computer vision based room interior design A survey of the recent architectures of deep convolutional neural networks Coronavirus Disease Analysis using Chest X-ray Images and a Novel Deep Convolutional Neural Network A New Channel Boosted Convolutional Neural Network using Transfer Learning Channel Boosted Convolutional Neural Network for Classification of Mitotic Nuclei using Histopathological Images A survey of transfer learning A Survey on Transfer Learning Multifaceted fused-CNN based scoring of breast cancer wholeslide histopathology images Transfer learning based deep CNN for segmentation and detection of mitoses in breast cancer histopathological images Multisource Transfer Learning with Convolutional Neural Networks for Lung Pattern Analysis Very Deep Convolutional Networks for Large-Scale Image Recognition Deep Residual Learning for Image Recognition Densely connected convolutional networks ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile Devices Xception: Deep learning with depthwise separable convolutions ImageNet Classification with Deep Convolutional Neural Networks Transfer Learning and Meta Classification Based Deep Churn Prediction System for Telecom Industry Not-so-supervised: A survey of semisupervised, multi-instance, and transfer learning in medical image analysis Interval estimation for a binomial proportion Confidence intervals for the area under the ROC Curve Receiver operating characteristic (ROC) curve analysis for medical diagnostic test evaluation This work was conducted with the support of PIEAS IT endowment fund and HEC indigenous Scholarship under the Pakistan Higher Education Commission (HEC). We would like to thank Abdur Rehman, Ayesha Salar and Aleena Ijaz from Pattern Recognition Lab (PR-Lab), PIEAS for providing helping material. Authors declared no conflict of interest. The test code is available at https://github.com/PRLAB21/COVID-19-Detection-System-using-Chest-X-Ray-Images.