key: cord-0741371-od4onl52 authors: Shalaby, Wafaa A.; Saad, Waleed; Shokair, Mona; Abd El-Samie, Fathi E.; Dessouky, Moawad I. title: COVID-19 Classification Based on Deep Convolution Neural Network Over a Wireless Network date: 2021-05-11 journal: Wirel Pers Commun DOI: 10.1007/s11277-021-08523-y sha: c94875f38a2ae9422951501ad4c90395b063c344 doc_id: 741371 cord_uid: od4onl52 Corona Virus Disease 19 (COVID-19) firstly spread in China since December 2019. Then, it spread at a high rate around the world. Therefore, rapid diagnosis of COVID-19 has become a very hot research topic. One of the possible diagnostic tools is to use a deep convolution neural network (DCNN) to classify patient images. Chest X-ray is one of the most widely-used imaging techniques for classifying COVID-19 cases. This paper presents a proposed wireless communication and classification system for X-ray images to detect COVID-19 cases. Different modulation techniques are compared to select the most reliable one with less required bandwidth. The proposed DCNN architecture consists of deep feature extraction and classification layers. Firstly, the proposed DCNN hyper-parameters are adjusted in the training phase. Then, the tuned hyper-parameters are utilized in the testing phase. These hyper-parameters are the optimization algorithm, the learning rate, the mini-batch size and the number of epochs. From simulation results, the proposed scheme outperforms other related pre-trained networks. The performance metrics are accuracy, loss, confusion matrix, sensitivity, precision, [Formula: see text] score, specificity, Receiver Operating Characteristic (ROC) curve, and Area Under the Curve (AUC). The proposed scheme achieves a high accuracy of 97.8 %, a specificity of 98.5 %, and an AUC of 98.9 %. COVID-19 is a respiratory disease that spreads with high frequency around the whole world [1] . The number of infected cases is daily increasing nearly in all countries according to the updated data of the World Health Organization (WHO) [2] . Fever, cough, shortness of breath, sore throat and headache are the most important symptoms of COVID-19 [3] . It transfers from person to another by spreading the droplet coughed or by touching the contaminated surfaces [4] . There are several ways for diagnosing COVID-19 such as blood PCR test [5] , but it is expensive. Moreover, it is time-consuming, and it is not suitable due to the rapid spread of the disease. Another way is the COVID-19 detection from chest X-ray images [6, 7] . This is attributed to the fact that the corona virus affects the lung. Hence, the effects of the disease can be diagnosed using X-ray image examination by radiologists. Additionally, different deep learning techniques are used to detect COVID-19 cases using X-ray images in less time with higher accuracy than that achieved with radiologists [8, 9] . Hence, early diagnosis, early case isolation and reduction of virus spreading can be achieved. The DCNN is an example of deep learning techniques. It depends on a gradient descent algorithm during training until reaching the optimum solution [10] . There are several pre-trained CNNs such as Resnet18 [11] , VGG-16 [12] , GoogleNet [13] , Xception [14] , ResNet50 [15] , DenseNet-121 [16] , and Alexnet [17] . Also, deep transfer learning can be used to update weights to minimize the training time [18] . The concept of deep transfer learning comes from the fact that a deep learning network can be used with different input images for classification applications. In this paper, a wireless system for COVID-19 detection from chest X-ray images is suggested. In this system, the sensed X-ray images for the patients are compressed through a resizing strategy, and then modulated using a reliable digital modulation technique. At the receiver side, after the signal is demodulated and image pre-processing functions are performed, the deep features are extracted from the images using an efficient DCNN. Firstly, the system enters the training phase to adjust the proposed DCNN hyper-parameters. Thereafter, the testing phase is applied with the tuned hyper-parameters. Extensive simulation experiments are implemented to study the proposed system performance. From the results, the proposed system outperforms all compared related networks. The proposed classification scheme achieves a high accuracy of classification of 97.7 %, a sensitivity of 98.4 % and an AUC of 98.8 %. The main contributions of the paper can be summarized as follows: • Introducing a wireless system for detecting COVID-19 cases from X-ray images based on DCNN. • Suggesting a DCNN structure for deep feature extraction from X-ray images. • Adjusting the hyper-parameters of the proposed DCNN model. Therefore, the best performance of the system can be achieved. • Testing different digital modulation techniques for X-ray image transmission through the wireless channel. • Executing various experiments to compare the performance of the proposed system with those of other related works. The rest of the paper is organized as follows. Section 2 illustrates the basic concepts of deep learning and deep transfer learning. The basic model of the proposed system is discussed in Sect. 3. The performance metrics are introduced in Sect. 4. Simulation results are discussed in Sect. 5. Finally, conclusions are presented in Sect. 6. Deep learning has been used in several medical applications such as brain tumor, skin lesion, iris defect, breast cancer and finally COVID-19 detection. By applying deep learning techniques, efficient, fast, safe, and accurate COVID-19 detection can be implemented. Deep learning networks consist of several layers to provide feature extraction and classification of input images. The CNN is considered as an important tool of deep learning that deals with images [18] . Frequently, it is used in several medical applications. The name CNN is attributed to applying convolution kernels in the input layer. The CNN structure consists of a stack of layers. The first layers are usually convolution layers that detect features such as edge and shape of the image. The output of the convolution layer y c is computed from the following relation [19] , where k refers to the input map, x ci is the input of the convolution layer, w ci is the corresponding weight of the layer, b is the bias and f (.) is the activation function, which can be Rectifier Linear Unit (ReLU), Softmax or any other function. The ReLU activation provides faster training by taking only the positive values and removing the negative ones according to the following relation: Then, pooling layer is used to reduce the number of weights depending on the window size. Therefore, pooling layers perform a down-sampling operation on their inputs. Hence, the output of the pooling layer y p can be expressed as, where down(.) represents the down-sampling function and x p is the input to the pooling layer. There are two types of pooling, which are max-pooling and average pooling. The max-pooling gives the maximum values of the selected windows, while the average pooling provides the average values of the windows. Finally, the fully-connected (classification) layer calculates the likelihood of each class from the output features of the previous steps to classify the images. Therefore, the classification layer has the same concepts of traditional neural networks. It is worth mentioning that another Softmax activation layer is usually used at the end of the network after the fully-connected layer. Moreover, batch normalization can be applied after each convolution to accelerate the process for better training. Also, to reduce over-fitting, dropout layers can be used, which drops some random selected neurons or randomly sets some weights to zero. The concept of deep transfer learning depends on the utilization of the well-known predesigned networks for different classification categories [20] . A popular pre-trained network is Alexnet, which was proposed in 2012 [17] . It has five convolution layers with two fully-connected layers. The VGG16 was discussed in 2014 [12] . It has more parameters and more deeper convolution filters than those of Alexnet. In VGG19 [21] , the number of layers is 19 instead of 16 in the VGG16. The drawback of VGG networks is the slow training performance due to large weights. GoogleNet was presented in 2014 [13] . The depth of this network is 22 layers. The input to this network must be of size 224 × 224 . It was trained on the ImageNet dataset with an output of 1000 categories. It enhances the accuracy of classification and recognition by using nine inception layers [22] . ResNet was discovered in 2015 [11, 23] . It is a residual network that has different layers as in the ResNet18, 50, 101, 152 and 1202. It includes convolution, max-pooling and fully-connected layers. ResNet18 has two branches including residual connection with a feed-forward network. It contains 11 million parameters. DenseNet was applied in 2017 [16] . It depends on dense connections between CNN layers. In this section, the proposed system for COVID-19 detection is presented. It is based on a DCNN for image feature extraction as shown in Fig. 1 . The transmitter consists of sensors, image compression and modulation. The receiver is composed of a demodulation block, image processing, deep feature extraction using DCNN, and finally a classification layer for COVID-19 detection. At the transmitter side, firstly the X-ray image of the patient is produced by using the appropriate sensors. Then, it is compressed through a resizing strategy into a size of 224 × 224 in order to reduce the transmission bandwidth. Finally, the compressed image need to be efficiently transmitted over the wireless channel at low Signal-to-Noise Ratios (SNRs). Different digital modulation techniques including Frequency-shift keying (FSK), Binary Phase Shift Keying (BPSK), Quadrature Phase Shift Keying (QPSK), and Quadrature Amplitude Modulation (M-QAM) are compared to select the most reliable one [24, 25] . For FSK modulation, the signal is transformed to binary zeros and ones as follows: Fig. 1 The proposed wireless system architecture where w 0 and w 1 are the carrier frequencies assigned to the binary zeros and ones, respectively. For the BPSK technique, the transmitted signal is represented with where w c is the carrier frequency and Y is the binary bit, which is 0 or 1. The QPSK signal is represented as follows: where I and Q are the binary bits for the I and Q channels of the input signal, respectively. For QAM, the transmitted signal can be considered with Eq. (7) [24] . The amplitudes of I and Q channels are determined according to the number of bits of the M-QAM constellation as shown in Table 1 . The transmitted signal is contaminated with Additive White Gaussian Noise (AWGN). Therefore, the received signal is where h(t) is the AWGN channel impulse response and n(t) is the receiver noise. At the receiver side, the received signal is firstly filtered by a Band-Pass Filter (BPF) with a sufficient pass-band. Then, it is demodulated according to the applied modulation technique at the transmitter. The quality of the demodulation can be defined by the BER. The theoretical BER of M-QAM signal can be calculated by: where M is the modulation size, erfc is the complementary error function and is the energy-per-bit to noise power spectral density ratio. The theoretical BER for different modulation techniques over the AWGN channel is summarized in Table 2 [25] . Afterwards, the demodulated image is prepared for the proposed pre-trained CNN model by removing the noise on the image. The noise is attributed to different sources in the transmission system. The Weiner filter is used for noise reduction. Thereafter, deep features of the processed X-ray images are extracted by the proposed DCNN model. Previously, the DCNN model was trained (as will be discussed in the next subsection) to adjust its parameters. Then, the adapted parameters are utilized for the validation process. Finally, the Softmax classifier is implemented to detect the COVID-19 cases from the used X-ray images. The proposed DCNN model is shown in Fig. 2 . It consists of six convolution layers with batch normalization and ReLU activation function to give output features, three maximum pooling layers, a Global Average Pooling (GAP) layer, two fully-connected layers, a Softmax layer, and an output classification layer. The parameter definitions of the proposed DCNN model are summarized in Table 3 . The inputs are X-ray images that are collected by specialists. Samples of training X-ray images are shown in Fig. 3 . The visual representations of some extracted features through the convolution layer using 32 filters are shown in Fig. 4 . In order to study the proposed model performance, the most important performance metrics are selected including accuracy, loss, confusion matrix, sensitivity (recall), precision, F 1 score, specificity and ROC curve. The accuracy can be defined as the ratio between the true prediction cases and the total prediction cases. It can be written as: where T N , T P , F N and F P are true negative, true positive, false negative and false positive, respectively. The true positive T P is the probability that the true case is COVID-19, and it is correctly detected as COVID-19 by the network. The false positive F P is the probability of false detection of normal cases as positive COVID-19 cases. The true negative T N is the probability of true detection of normal cases. Finally, the false negative F N is the probability that the true case is COVID-19, and it is wrongly detected as a normal case. (10) Accuracy = T N + T P T N + T P + F N + F P The loss or the error rate is a complement of accuracy. It can be calculated as follows: The specificity is used to measure the ratio of negative cases that are correctly detected. It can be measured as follows: The precision, as shown in Eq. 13, is defined as the ratio between the true positive cases and the total of true positive cases and false positive cases. The sensitivity (or Recall) is used to measure the ratio of true positive cases that are correctly classified. It is calculated as follows: Moreover, the network performance can be evaluated with F 1 score, which depends on the values of both precision and recall as shown. Additionally, ROC curve can be used to measure the network performance. It describes the relation between true positive rate (sensitivity) and false positive rate (specificity). Furthermore, the confusion matrix is another measurement tool for the network performance. It contains information about T N , T P , F N and F P values. Matlab 2019b is used to train and test the proposed model. The training is performed on a CPU with Windows 10 operating system with properties of Intel core i7 @1.99 GHz processor and 8 GRAM. The input data for the proposed system is chosen as chest X-ray images for the detection of COVID-19 cases. For the proposed system, different digital modulation techniques are compared including FSK, BPSK, QPSK, 8-PSK, 16-PSK, 32-PSK, 4-QAM, 16-QAM, and 64-QAM. The quality of demodulation can be defined by the BER. As shown in Fig. 5 , to achieve a BER = 10 −4 , the required E b ∕N o can be estimated as illustrated in Table 4 . Therefore, the best performance can be obtained by using either BPSK, QPSK or QAM. Hence, QPSK or QAM is chosen for bandwidth requirements. Thereafter, image processing is performed to adjust the size of each demodulated chest X-ray image to be 224 × 224 × 3 . For the deep feature extraction process, the proposed CNN model is firstly trained to adjust its parameters, and it is used to extract the required features for the classification process. The dataset used for training and testing processes is available at [26] . It contains 219 COVID-19 positive cases and 2686 Non-COVID cases. Randomly, 219 Non-COVID X-ray images are selected for training and validation processes. The prepared dataset is divided into 70 % for training and 30 % for validation. In the training phase, the CNN hyper-parameters are adjusted according to the forward and the backward steps until reaching the minimum error. These hyper-parameters are the The summary of the performance metrics through the three epochs is illustrated in Fig. 9 . It is clear that the proposed network using 50 epochs achieves the best performance. It attains an accuracy of 97.7 %, a precision of 97.0 %, a sensitivity of 98.4 % and an F 1 score of 97.7 %. Hence, the optimization algorithm is selected to be the SGDM. The MB size is 16 and the LR is 0.0001. The performance of the proposed CNN model is compared with those of ResNet18, GoogleNet, and DenseNet CNNs. The optimum hyper-parameters are chosen. The batch size is 16, the number of epochs is 50, the starting learning rate is 0.0001, and the optimization algorithm is SGDM. As investigated in Figs. 10 and 11 , the proposed CNN model achieves the highest accuracy and less loss compared with those of other pre-trained models. The accuracy depends on the values of true positive cases and true negative cases. The high accuracy and the low loss results ensure the power of the model to correctly distinguish between COVID-19 and the non-COVID cases. Furthermore, the ROC curves are shown in Fig. 12 . The ROC curve describes the relationship between true positive rate (sensitivity) and false positive rate (specificity). It can be used for AUC calculations. The AUC is 98.8 % for the proposed model, which outperforms other pre-trained networks. Therefore, ResNet18 has a superior performance by only 0.1% difference. This small degradation is due to the high false positive rate of the proposed model. Finally, Table 8 introduces a comparison between the proposed CNN model and the state-of-the-art methodologies. From the results, the superiority of the proposed CNN model can be proved in COVID-19 detection with high accuracy. Fast detection of COVID-19 has become an urgent demand. In this paper, an efficient wireless system based on DCNN for COVID-19 diagnosis has been introduced. For the wireless transmission, the QPSK modulation has been chosen due to its high reliability among different modulation techniques. The DCNN architecture is divided into feature extraction and classification sub-blocks. It consists of six convolution, three max-pooling, one average pooling, two fully-connected and Softmax layers. X-ray images with dimensions of 224 × 224 × 3 have been used. Firstly, the proposed model has been trained to adjust its hyper-parameters. Hence, the SGDM optimization algorithm has been selected with an LR of 0.0001, an MB size of 16 and 50 epochs. Then, the tuned parameters have been utilized for the testing phase to classify the demodulated X-ray images. From simulation results, the proposed model has provided superior performance, when compared with other powerful related networks. It has achieved a high accuracy of 97.7 % , a sensitivity of 98.4 % and an AUC of 98.8 %. A review of coronavirus disease-2019 (covid-19) A novel coronavirus from patients with pneumonia in china Clinical features of patients infected with 2019 novel coronavirus in wuhan, china. The Lancet Added value of ultra-low-dose computed tomography, dose equivalent to chest X-ray radiography, for diagnosing chest pathology Deep learning applications and challenges in big data analytics Big data deep learning: Challenges and perspectives Deep convolutional neural networks for pairwise causality Deep residual learning for image recognition Very deep convolutional neural network based image classification using small training sample size Going deeper with convolutions COVID-19 Classification Based on Deep Convolution Neural Network… Xception: Deep learning with depthwise separable convolutions Inception-v4, inception-resnet and the impact of residual connections on learning Dense u-net based on patch-based learning for retinal vessel segmentation Imagenet classification with deep convolutional neural networks Deep transfer learning: A new deep learning glitch classification method for advanced ligo A stateof-the-art survey on deep learning theory and architectures Deep transfer learning with joint adaptation networks Very deep convolutional networks for large-scale image recognition Rethinking the inception architecture for computer vision Extremely large minibatch sgd: Training resnet-50 on imagenet in 15 minutes Simulation and software radio for mobile communications Digital communications 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 Role of intelligent computing in covid-19 prognosis: A state-of-the-art review Covid-19 screening on chest x-ray images using deep learning based anomaly detection Rapid ai development cycle for the coronavirus (covid-19) pandemic: Initial results for automated detection and patient monitoring using deep learning ct image analysis Deep learning-based detection for covid-19 from chest ct using weak label Large-scale screening of covid-19 from community acquired pneumonia using infection size-aware classification Using artificial intelligence to detect COVID-19 and community-acquired pneumonia based on pulmonary CT: Evaluation of thediagnostic accuracy Covid-19 classification using deep feature concatenation technique Publisher's Note Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.