MFDNN: Multi-channel feature deep neural network algorithm to identify Covid19 chest X-ray images ================================================================================================= * Liangrui Pan * Boya Ji * Xiaoqi Wang * Shaolaing Peng ## Abstract The use of chest X-ray images (CXI) to detect Severe Acute Respiratory Syndrome Coronavirus 2 (SARS CoV-2) caused by Coronavirus Disease 2019 (COVID-19) is life-saving important for both patients and doctors. This research proposed a multi-channel feature deep neural network algorithm to screen people infected with COVID-19. The algorithm integrates data oversampling technology and a multi-channel feature deep neural network model to carry out the training process in an end-to-end manner. In the experiment, we used a publicly available CXI database with 10,192 Normal, 6012 Lung Opacity (Non-COVID lung infection), and 1345 Viral Pneumonia images. Compared with traditional deep learning models (Densenet201, ResNet50, VGG19, GoogLeNet), the MFDNN model obtains an average test accuracy of 93.19% in all data. Furthermore, in each type of screening, the precision, recall, and F1 Score of the MFDNN model are also better than traditional deep learning networks. Secondly, compared with the latest CoroDet model, the MFDNN algorithm is 1.91% higher than the CoroDet model in the experiment of detecting the four categories of COVID19 infected persons. Finally, our experimental code will be placed at [https://github.com/panliangrui/covid19](https://github.com/panliangrui/covid19). Keywords * COVID19 * chest X-ray * Deep learning * MFDNN ## 1. Introduction SARS-CoV-2 causes COVID-19. Since the first report, it has become a global pandemic, with 180 million confirmed cases and 3.91 million deaths. It is extremely contagious characteristics and delayed vaccination has made developing countries vulnerable to virus attacks. Now the nucleic acid detection mechanism has played an essential role in screening the flow of people. Reverse Transcription Polymerase Chain Reaction (RT-PCR) is considered to be the most standard diagnostic technology available[1]. However, its sensitivity is relatively low, and the result is highly dependent on the sample area obtained and heavily reliant on the operator’s technique [2]. The important thing is that this method takes time. However, time is a key factor in isolating, preventing and treating people infected with COVID-19, which will limit the efficiency of COVID-19 screening. With the global spread of COVID-19, medical research has found that CXI can identify people infected with COVID-19. Therefore, as a supplement to RT-PCR technology, it plays an essential role in detecting and evaluating people infected with COVID-19. Computed tomography (CT), lung ultrasound (LUS), and Chest-X ray radiography are among the most commonly used imaging modalities to identify COVID-19 infections [3–5]. Because of the safety, painlessness, non-invasiveness, clear image, high-density resolution, and apparent morbidity of CXI, it is widely used in large hospitals. In addition, experienced doctors can make real-time diagnoses through CXI. Therefore, CXI is one of the most commonly used and readily available methods to detect COVID-19 infections [6]. However, there are many similarities in the CXI characteristics of patients with COVID19 and common pneumonia, which poses a huge challenge to radiologists in diagnosing patients with COVID19. In recent years, artificial intelligence has prompted tremendous progress in the field of biomedicine, such as intelligent medical diagnosis, intelligent image recognition, intelligent health management, intelligent drug development, and medical robots [7–9]. Machine learning-based methods have developed many applications in the accurate analysis of CXI, such as diagnosing and evaluating people infected with COVID-19 [10][11]. Common machine learning algorithms include linear regression, random forest (RF), K-nearest neighbour (KNN), decision tree (DT), etc[12,13]. Abolfazl et al. used dimensionality reduction methods to extract the best features of CRX images to build an efficient machine learning classifier, and the classifier distinguishes covid-19 and non-covid-19 cases with high accuracy and sensitivity [6]. Dan et al. used three different machine learning models to predict the deterioration of the patient’s condition, compare them with the currently recommended predictors and APACHEII risk prediction scores, and obtain high sensitivity, specificity, and accuracy [14]. Mohamed et al. used the new fractional multi-channel exponential moments (FrMEMs) to extract features from CXI[15]. Then, the improved Manta-Ray Foraging Optimization (MRFO) method was used for feature selection, and the KNN method was used to classify the two types of CRX Image [15].However, deep learning is the hottest research direction in the field of machine learning. The CXR deep learning method for COVID-19 classification has been actively explored. Linda et al. proposed a deep convolutional neural network called COVID-Net to help clinicians improve screening [16]. Ali et al. proposed five models based on pre-trained convolutional neural networks (ResNet50, ResNet101, ResNet152, InceptionV3, and Inception-ResNetV2) to implement four different binary classifications: COVID-19, normal (healthy), and viral pneumonia and bacterial pneumonia) CXI has achieved a high accuracy rate [17]. Loannis et al. automatically detected CXI based on the transfer learning method of convolutional neural network and achieve 96.78%, 98.66%, and 96.46% accuracy, sensitivity, and specificity[18]. Ezz et al. proposed the COVIDX-Net network based on seven deep convolutional network models with different architectures and obtained F1 scores of 0.89 and 0.91, respectively [19]. Inspired by machine learning and deep learning and the accumulation of previous work experience, in this article, we will further explore the impact of experimental data and deep convolutional neural networks on the detection algorithm or detection system. However, in most databases, unbalanced label classes often occur, which will cause the convolutional neural network to be biased to identify image data with many class labels correctly. Therefore, the main focus of this article is to solve the accuracy of the COVID-19 detection algorithm. Around this problem, we will solve the following problems separately: (1) Deal with the imbalance of sample labels. (2) Optimize the feature extraction of the deep neural network algorithm. (3) Evaluate the classification effect of the network algorithm. To achieve this goal, we first analyze the degree of imbalance in the sample data. We found that the amount of chest X-ray data of people who were not infected with COVID-19 was significantly more than other categories through the data set analysis. To be able to classify the chest radiograph data set more accurately, our main contributions are as follows: 1. To balance the impact of the unbalanced label data set on model training, when processing CXI, we embed the oversampling method into the end-to-end model to balance all categories of data. 2. We propose a multi-channel feature deep neural network (MFDNN) algorithm based on multi-channel input, single-channel output, and weight centralized sharing. The algorithm model concentrates the feature maps of chest radiographs from multiple channels and optimizes the feature extraction process, which simplifies classification. 3. Finally, the proposed method is compared with the classic deep neural networks VGG19, Resnet50, Desnet201. Secondly, we also compare with the latest CoroDet model. The detection accuracy of our proposed MFDNN algorithm is 1.91% higher than that of the CoroDet model. ## 2. Methods In this section, we first introduce the flow chart of the MFDNN algorithm. It mainly includes two parts: oversampling and the MFDNN model. The first part is primarily data preprocessing, and the second part primarily uses the MFDNN model for feature extraction and patient diagnosis. Figure 1. shows our proposed algorithm classification process. ![Figure 1.](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/08/08/2021.08.04.21261235/F1.medium.gif) [Figure 1.](http://medrxiv.org/content/early/2021/08/08/2021.08.04.21261235/F1) Figure 1. End-to-end MFDNN algorithm flow chart. It includes two parts, namely data oversampling, feature extraction and classification. ### 2.1. Oversampling Before the experiment, we need to have a preliminary understanding of the COVID-19 database. As shown in Figure 2. (a), by comparing the characteristics of the database, the chest radiographs of people infected with COVID19 are significantly less than those of normal people. However, the steps of neural networks and human brain extraction are similar. When the probability of memorizing normal chest radiographs of the MFDNN model is greater than remembering the chest radiographs of COVID19 infected persons, the model is more likely to recognize the chest radiographs of normal people, which may lead to COVID19 infection. Therefore, the probability of screening by the user is reduced, and the model cannot be applied to the actual detection process. The experiment chooses to oversample to generate new samples for a few categories to ensure that the model has the same probability of remembering different chest radiographs. Figure 2. (b) shows the result of oversampling. The sample data size of the minority class is the same as the sample data size of the majority class. ![Figure 2](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/08/08/2021.08.04.21261235/F2.medium.gif) [Figure 2](http://medrxiv.org/content/early/2021/08/08/2021.08.04.21261235/F2) Figure 2 (a). The sample size of the original dataset. (b). The number of samples after oversampling. ### 2.2. Multi-channel feature deep neural network(MFDNN) The MFDNN algorithm is experimentally designed. The oversampling dataset passes through three identical feature extraction modules. The features will be merged in the middle of the frame. Then further feature extraction is performed on the collected image features through the Siamese network, which improves image feature extraction work efficiency. We will introduce the function of each layer in detail from the feature extraction module. The image can be seen as a high-order matrix composed of feature vectors. In feature extraction, the use of a small convolution kernel can reduce the convolution operation’s error, so the 3*3 convolution kernel is selected in the convolution layer, and the step size is 1 for matrix operation. The convolutional layer is defined as: ![Formula][1] The feature value at the position (*i, j*) of the *k*-th feature map of the *l*-th layer is ![Graphic][2] Where ![Graphic][3] is the weight of the *l*-th layer, ![Graphic][4] is the bias of the *l*-th layer, and ![Graphic][5] is the (*i, j*) unknown input block of the *l*-th layer. 64 convolution kernels simultaneously perform local perception and share parameters on the input image. Batch Normalization(BN)is widely used training technique in deep networks. A BN layer whitens activations within a mini-batch of N examples for each channel dimension and transforms the whitened activations using affine parameters *γ* and *β*, Denoting by *χ* ∈ *R**H*×*W*×*N* activations each channel, BN is expressed as[20]: ![Formula][6] Where ![Formula][7] The mean and variance of activations within a mini-batch, ![Formula][8] ![Formula][9] Select the Rectified Linear Unit (ReLU) function as the convolutional layer’s activation function to reduce the probability of model overfitting[21]. The ReLU function will make part of the neuron output 0 to enhance the sparsity of the network. Besides, it reduces the interdependence between parameters and alleviates the problem of overfitting. For the MFDNN model, the ReLU function enables each neuron to exert the greatest screening effect, saving a lot of calculations in the whole process, which is defined as: ![Formula][10] In the pooling layer, the maximum pooling method is selected to obtain the maximum value of the feature tiles from the convolutional layer as the output. The down-sampling convolution kernel size is set to 2*2, the stride size is set to 2, and the feature matrix after the pooling operation is filled in a “same” manner to alleviate the excessive sensitivity of the convolution layer to position. The maximum pooling layer reduces the parameters by reducing the dimension, removing redundant features, simplifying the network’s complexity, and other methods to achieve nonlinear feature extraction. The input ![Graphic][11] of the *l* th layer is mapped to the output through ![Graphic][12] the neuron, which is defined as: ![Formula][13] The additional layer serves as an intermediate hub for merging the output from the pooling layer, combining feature weights. Assuming the output is, its effect can be expressed as: ![Formula][14] As the input *Y* of the global average pooling (GAP) layer, the learned “distribution feature representation” is selectively mapped to the labeled sample space. The activation function of each neuron in the GAP layer generally uses the ReLU function[22]. It can replace the fully connected layer in the traditional structure, thereby reducing the amount of storage required for the large weight matrix of the fully connected layer. Secondly, it also has the features and capabilities of easy fine-tuning of a pre-trained model with a conventional structure. Since the working principle of the fully connected layer involves calculating the inner product of the input vector and the weight of each row, the row size of the weight matrix needs to be the same as the number of input elements[23]. Therefore, as the input changes, we also need to adjust the weight matrix f, *W*, to a corresponding size by ![Formula][15] Where size *fm* is the size of the input feature map, i, j is the index of the output neurons and input feature maps, and *W* ‘ is the modified weight matrix[23]. In view of the computational complexity in the GAP layer, the dropout layer chooses a 40% random probability to discard some feature weights to reduce the model complexity and prevent overfitting. Finally, it is classified by Softmax, and the output of multiple neurons is mapped to the interval of (0,1), which is defined as: ![Formula][16] We use {(*x*(1),*y*(1)),(*x*(2),*y*(2)),…(*x*(*m*),*y*(*m*))} to represent *m* training samples and *y*(*i*) to represent the label of *i* samples. The neural network is trained using gradient descent. In this article, the cross-entropy function is used to calculate the loss of the MFDNN model. For a single example, the cross-entropy loss function can be expressed as: ![Formula][17] *h**l* (*x, w, b*) represents the *s* th neuron in the output layer corresponding to the *s* th type, 1{.} is the indicator function. The weight parameter is continuously updated through the backpropagation loss function. We propose an MFDNN classification algorithm for detecting COVID19 patients. Algorithm 1: ### MFDNN Classification Model ![](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/08/08/2021.08.04.21261235/F3/graphic-14.medium.gif) [](http://medrxiv.org/content/early/2021/08/08/2021.08.04.21261235/F3/graphic-14) ![](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/08/08/2021.08.04.21261235/F3/graphic-15.medium.gif) [](http://medrxiv.org/content/early/2021/08/08/2021.08.04.21261235/F3/graphic-15) ## 3. Experiments ### 3.1. Datasets The proposed MFDNN model is trained and tested on a public dataset (Covid19 chest X-ray dataset). The data set consists of 3616 COVID-19 positive cases, 10,192 normal, 6012 lung opaque (non-COVID lung infection) and 1345 viral pneumonia images [24,25]. The dataset can be downloaded from the website (\[https://www.kaggle.com/tawsifurrahman/covid19-radiography-database](https://www.kaggle.com/tawsifurrahman/covid19-radiography-database)). ### 3.2. Experimental settings Divide the oversampled data into the data set according to the ratio of training data and test data of 0.8:0.2, where the training data is divided into training set and validation set according to the ratio of 0.8:0.2. Before training the MFDNN model, we choose to flip the data and augment the data with translation to expand the training data to avoid over-fitting the model. The experiment is set to 30 epochs, the batch size is set to 32, and the Adam algorithm is used as the optimizer of the model. The initial learning rate is 0.003, and after each epoch, the learning rate will drop by half. Before each epoch training, the training data and verification data will be randomly shuffled. Each model is trained on a single RTX3060. ## 4. Results and discussion ### 4.1. Results In this section, we will explain the evaluation indicators used to quantify model classification. To this end, we use an indicator based on a confusion matrix. These indicators include test accuracy, precision, recall, and F1 Score. To evaluate the model, we need to perform a detailed analysis of each category. Therefore, we need to count true positives, false positives, true negatives, and false positives[26]. 1. Test accuracy: the proportion of samples correctly predicted to the total samples ![Formula][18] 2. Precision: the ratio of true positive predictions to total positive predictions ![Formula][19] 3. Recall: Ratio of true positive to the total observation made by the proposed model ![Formula][20] 4. F1 Score: It is the harmonic mean of precision and recall ![Formula][21] 5. Confusion matrix: It is the measurement of the performance of the model. It compares the actual and predicted values in form of True Positive, False Negative, True Negative and False Positive ![Formula][22] * . True Positive (TP): True positive are the forecasts which were at first positive and, additionally, anticipated by the AI model as positive. * . False Positive (FP): False positives are the forecasts which were initially negative and anticipated by the AI model as positive. * . True Negative (TN): True negatives are the forecasts which were initially negative and anticipated by the AI model as unfavourable. * . False Negative (FN): False-negative are the forecasts which were initially positives and anticipated by the model as negative The experiment first trained five models under the algorithm of MFDNN, namely Densenet201, ResNet50, VGG19, GoogLeNet, and MFDNN. Among them, the accuracy of the MFDNN model is 93.19%. Among them, the COVID category received a Recall of 0.9447 and an F1 score of 0.9358; the Lung_Opacity category received a precision of 0.9144 and an F1 score of 0.9106; the Normal class received a recall of 0.9431 and an F1 score of 0.9389; the Viral Pneumonia category received an F1 score of 0.9504. Table 1 details the test reports of each type of chest radiograph under different models. From the classic deep learning model analysis, for COVID19 data set, the deeper the network layer, the worse the effect of the model. For example, the test results of the Densenet201 model only get good prediction results in a few categories. GoogLeNet obtains the best results in the classic deep learning network, but compared to the MFDNN model, the traditional deep learning model does not achieve the best test results. View this table: [Table 1.](http://medrxiv.org/content/early/2021/08/08/2021.08.04.21261235/T1) Table 1. Densenet201, ResNet50, VGG19, GoogLeNet, MFDNN classification technical report. Secondly, Figure 3 describes the confusion matrix of each model prediction test set. This can give us a rough idea of how all images are classified and where most misclassifications occur. It can be seen from the figure that the probability of the prediction error of the Normal class is greater than the probability of the prediction error of the other classes. This shows that the up-sampling method embedded in the algorithm has a positive effect. It makes the model not biased to ignore infected patients during the detection process. ![Figure 3.](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/08/08/2021.08.04.21261235/F4.medium.gif) [Figure 3.](http://medrxiv.org/content/early/2021/08/08/2021.08.04.21261235/F4) Figure 3. Confusion matrix of Densenet201, ResNet50, VGG19, GoogLeNet, MFDNN model. ### 4.2. Discussion Most of the common COVID-19 screenings are based on the existing public database. We found that most experiments are based on two classifications (COVID19, Normal) and three classifications (Normal, COVID-19 positive, Viral Pneumonia). The accuracy of the common Deep CNN, Densenet and VGG methods remains below 90% [27] [28] [29]. However, in the actual screening process, the penetration rate of X-rays will image the imaging of chest features. Therefore, adding the Lung Opacity (Non-COVID lung infection) class is beneficial to improve the accuracy of screening for COVID19 infections. Compared with the existing references, the CoroDet model has a classification accuracy of 91.2% on the four-category COVID19 dataset [30]. The accuracy of the MFDNN model proposed in this experiment is 93.19%, which is 1.91% higher than the CoroDet model. Chest X-rays play a key role in screening for COVID19 infections. However, CXI also have some disadvantages. For example, after the rays pass through the chest, the lung characteristics of the infected person are not obvious. Secondly, the radiation of the chest radiograph is relatively large, which can cause certain harm to the human body. ## 5. Conclusion This paper proposes an MFDNN algorithm to screen people infected with COVID-19. The algorithm integrates data oversampling technology and a multi-channel feature deep neural network model to carry out the training process in an end-to-end manner. In the experiment, we used the publicly available CXI database to train the model. First, by comparing with traditional deep learning models (such as Densenet201, ResNet50, VGG19, GoogLeNet), the MFDNN model obtains an average test accuracy of 93.19% in all data. In each type of detection, most of the experiments are precision, recall, F1 Score is also better than traditional deep learning networks. Secondly, comparing the latest CoroDet model, the MFDNN algorithm is 1.91% higher than the CoroDet model in the four-classification experiment of COVID19 infected persons. However, the limitation of this experiment is mainly in the disadvantages of X-rays. For opaque images of the lungs, RT-PCR is needed to assist in the screening of COVID19 infections. ## Data Availability please see this URL [https://github.com/panliangrui/covid19](https://github.com/panliangrui/covid19) ## Acknowledgments This work was supported by National Key R&D Program of China 2017YFB0202602, 2018YFC0910405, 2017YFC1311003, 2016YFC1302500, 2016YFB0200400, 2017YFB0202104; NSFC Grants U19A2067, 61772543, U1435222, 61625202, 61272056; Science Foundation for Distinguished Young Scholars of Hunan Province (2020JJ2009); Science Foundation of Changsha kq2004010; JZ20195242029, JH20199142034, Z202069420652; The Funds of Peng Cheng Lab, State Key Laboratory of Chemo/Biosensing and Chemometrics; the Fundamental Research Funds for the Central Universities, and Guangdong Provincial Department of Science and Technology under grant No. 2016B090918122. * Received August 4, 2021. * Revision received August 4, 2021. * Accepted August 8, 2021. * © 2021, Posted by Cold Spring Harbor Laboratory The copyright holder for this pre-print is the author. All rights reserved. The material may not be redistributed, re-used or adapted without the author's permission. ## Reference 1. [1]. J. Xu, R. Wu, H. Huang, W. Zheng, X. Ren, N. Wu, B. Ji, Y. Lv, Y. Liu, R. Mi, Computed Tomographic Imaging of 3 Patients With Coronavirus Disease 2019 Pneumonia With Negative Virus Real-time Reverse-Transcription Polymerase Chain Reaction Test, Clin. Infect. Dis. 71 (2020) 850–852. [https://doi.org/10.1093/cid/ciaa207](https://doi.org/10.1093/cid/ciaa207). 2. [2]. X. Xu, X. Jiang, C. Ma, P. Du, X. Li, S. Lv, L. Yu, Q. Ni, Y. Chen, J. Su, G. Lang, Y. Li, H. Zhao, J. Liu, K. Xu, L. Ruan, J. Sheng, Y. Qiu, W. Wu, T. Liang, L. Li, A Deep Learning System to Screen Novel Coronavirus Disease 2019 Pneumonia, Engineering. 6 (2020) 1122–1129. [https://doi.org/10.1016/j.eng.2020.04.010](https://doi.org/10.1016/j.eng.2020.04.010). 3. [3]. Y. Oh, S. Park, J.C. Ye, Deep Learning COVID-19 Features on CXR Using Limited Training Data Sets, IEEE Trans. Med. Imaging. 39 (2020) 2688–2700. [https://doi.org/10.1109/TMI.2020.2993291](https://doi.org/10.1109/TMI.2020.2993291). 4. [4]. S. Roy, W. Menapace, S. Oei, B. Luijten, E. Fini, C. Saltori, I. Huijben, N. Chennakeshava, F. Mento, A. Sentelli, E. Peschiera, R. Trevisan, G. Maschietto, E. Torri, R. Inchingolo, A. Smargiassi, G. Soldati, P. Rota, A. Passerini, R.J.G. van Sloun, E. Ricci, L. Demi, Deep Learning for Classification and Localization of COVID-19 Markers in Point-of-Care Lung Ultrasound, IEEE Trans. Med. Imaging. 39 (2020) 2676–2687. [https://doi.org/10.1109/TMI.2020.2994459](https://doi.org/10.1109/TMI.2020.2994459). 5. [5]. S. Wang, Y. Zha, W. Li, Q. Wu, X. Li, M. Niu, M. Wang, X. Qiu, H. Li, H. Yu, W. Gong, Y. Bai, L. Li, Y. Zhu, L. Wang, J. Tian, A fully automatic deep learning system for COVID-19 diagnostic and prognostic analysis, Eur. Respir. J. 56 (2020) 2000775. [https://doi.org/10.1183/13993003.00775-2020](https://doi.org/10.1183/13993003.00775-2020). [Abstract/FREE Full Text](http://medrxiv.org/lookup/ijlink/YTozOntzOjQ6InBhdGgiO3M6MTQ6Ii9sb29rdXAvaWpsaW5rIjtzOjU6InF1ZXJ5IjthOjQ6e3M6ODoibGlua1R5cGUiO3M6NDoiQUJTVCI7czoxMToiam91cm5hbENvZGUiO3M6MzoiZXJqIjtzOjU6InJlc2lkIjtzOjEyOiI1Ni8yLzIwMDA3NzUiO3M6NDoiYXRvbSI7czo1MDoiL21lZHJ4aXYvZWFybHkvMjAyMS8wOC8wOC8yMDIxLjA4LjA0LjIxMjYxMjM1LmF0b20iO31zOjg6ImZyYWdtZW50IjtzOjA6IiI7fQ==) 6. [6]. A. Zargari Khuzani, M. Heidari, S.A. Shariati, COVID-Classifier: an automated machine learning model to assist in the diagnosis of COVID-19 infection in chest X-ray images, Sci. Rep. 11 (2021) 9887. [https://doi.org/10.1038/s41598-021-88807-2](https://doi.org/10.1038/s41598-021-88807-2). 7. [7]. X. Wang, B. Xin, W. Tan, Z. Xu, K. Li, F. Li, W. Zhong, S. Peng, DeepR2cov: deep representation learning on heterogeneous drug networks to discover anti-inflammatory agents for COVID-19, Brief. Bioinform. (2021) bbab226. [https://doi.org/10.1093/bib/bbab226](https://doi.org/10.1093/bib/bbab226). 8. [8]. A. Bohr, K. Memarzadeh, The rise of artificial intelligence in healthcare applications, in: Artif. Intell. Healthc., Elsevier, 2020: pp. 25–60. [https://doi.org/10.1016/B978-0-12-818438-7.00002-2](https://doi.org/10.1016/B978-0-12-818438-7.00002-2). 9. [9]. P. Daniel, N. Horne, K. Kuo, M. Marsandi, N. Offenberg, D. Ronin, R. Utz, J. Vandegriff, Artificially Intelligent Medical Assistant Robot: Automating Data Collection and Diagnostics for Medical Practitioners, (2021). [https://doi.org/10.13016/A9OZ-0OE7](https://doi.org/10.13016/A9OZ-0OE7). 10. [10]. Y. Du, R. Zhang, A. Zargari, T.C. Thai, C.C. Gunderson, K.M. Moxley, H. Liu, B. Zheng, Y. Qiu, Classification of Tumor Epithelium and Stroma by Exploiting Image Features Learned by Deep Convolutional Neural Networks, Ann. Biomed. Eng. 46 (2018) 1988–1999. [https://doi.org/10.1007/s10439-018-2095-6](https://doi.org/10.1007/s10439-018-2095-6). 11. [11]. M. Heidari, A.Z. Khuzani, A.B. Hollingsworth, G. Danala, S. Mirniaharikandehei, Y. Qiu, H. Liu, B. Zheng, Prediction of breast cancer risk using a machine learning approach embedded with a locality preserving projection algorithm, Phys. Med. Biol. 63 (2018) 035020. [https://doi.org/10.1088/1361-6560/aaa1ca](https://doi.org/10.1088/1361-6560/aaa1ca). 12. [12]. P. Thanh Noi, M. Kappas, Comparison of Random Forest, k-Nearest Neighbor, and Support Vector Machine Classifiers for Land Cover Classification Using Sentinel-2 Imagery, Sensors. 18 (2017) 18. [https://doi.org/10.3390/s18010018](https://doi.org/10.3390/s18010018). 13. [13]. S.H. Yoo, H. Geng, T.L. Chiu, S.K. Yu, D.C. Cho, J. Heo, M.S. Choi, I.H. Choi, C. Cung Van, N.V. Nhung, B.J. Min, H. Lee, Deep Learning-Based Decision-Tree Classifier for COVID-19 Diagnosis From Chest X-ray Imaging, Front. Med. 7 (2020) 427. [https://doi.org/10.3389/fmed.2020.00427](https://doi.org/10.3389/fmed.2020.00427). [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.3389/fmed.2020.00427&link_type=DOI) 14. [14]. D. Assaf, Y. Gutman, Y. Neuman, G. Segal, S. Amit, S. Gefen-Halevi, N. Shilo, A. Epstein, R. Mor-Cohen, A. Biber, G. Rahav, I. Levy, A. Tirosh, Utilization of machine-learning models to accurately predict the risk for critical COVID-19, Intern. Emerg. Med. 15 (2020) 1435–1443. [https://doi.org/10.1007/s11739-020-02475-0](https://doi.org/10.1007/s11739-020-02475-0). 15. [15]. M.A. Elaziz, K.M. Hosny, A. Salah, M.M. Darwish, S. Lu, A.T. Sahlol, New machine learning method for image-based diagnosis of COVID-19, PLOS ONE. 15 (2020) e0235187. [https://doi.org/10.1371/journal.pone.0235187](https://doi.org/10.1371/journal.pone.0235187). [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1371/journal.pone.0235187&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=32589673&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F08%2F08%2F2021.08.04.21261235.atom) 16. [16]. L. Wang, Z.Q. Lin, A. Wong, COVID-Net: a tailored deep convolutional neural network design for detection of COVID-19 cases from chest X-ray images, Sci. Rep. 10 (2020) 19549. [https://doi.org/10.1038/s41598-020-76550-z](https://doi.org/10.1038/s41598-020-76550-z). [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1038/s41598-020-76550-z&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=http://www.n&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F08%2F08%2F2021.08.04.21261235.atom) 17. [17]. A. Narin, C. Kaya, Z. Pamuk, Automatic detection of coronavirus disease (COVID-19) using X–ray images and deep convolutional neural networks, Pattern Anal. Appl. (2021). [https://doi.org/10.1007/s10044-021-00984-y](https://doi.org/10.1007/s10044-021-00984-y). 18. [18]. I.D. Apostolopoulos, T.A. Mpesiana, Covid-19: automatic detection from X-ray images utilizing transfer learning with convolutional neural networks, Phys. Eng. Sci. Med. 43 (2020) 635–640. [https://doi.org/10.1007/s13246-020-00865-4](https://doi.org/10.1007/s13246-020-00865-4). [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1007/s13246-020-00865-4&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=32524445&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F08%2F08%2F2021.08.04.21261235.atom) 19. [19]. E.E.-D. Hemdan, M.A. Shouman, M.E. Karar, COVIDX-Net: A Framework of Deep Learning Classifiers to Diagnose COVID-19 in X-Ray Images, ArXiv200311055 Cs Eess. (2020). [http://arxiv.org/abs/2003.11055](http://arxiv.org/abs/2003.11055) (accessed July 3, 2021). 20. [20]. W.-G. Chang, T. You, S. Seo, S. Kwak, B. Han, Domain-Specific Batch Normalization for Unsupervised Domain Adaptation, in: 2019 IEEECVF Conf. Comput. Vis. Pattern Recognit. CVPR, IEEE, Long Beach, CA, USA, 2019: pp. 7346–7354. [https://doi.org/10.1109/CVPR.2019.00753](https://doi.org/10.1109/CVPR.2019.00753). 21. [21]. K. Hara, D. Saito, H. Shouno, Analysis of function of rectified linear unit used in deep learning, in: 2015 Int. Jt. Conf. Neural Netw. IJCNN, IEEE, Killarney, Ireland, 2015: pp. 1–8. [https://doi.org/10.1109/IJCNN.2015.7280578](https://doi.org/10.1109/IJCNN.2015.7280578). 22. [22].Gong, Chen, Zhang, Zhang, Wang, Guan Wang, A Novel Deep Learning Method for Intelligent Fault Diagnosis of Rotating Machinery Based on Improved CNN-SVM and Multichannel Data Fusion, Sensors. 19 (2019) 1693. [https://doi.org/10.3390/s19071693](https://doi.org/10.3390/s19071693). 23. [23]. T.-Y. Hsiao, Y.-C. Chang, H.-H. Chou, C.-T. Chiu, Filter-based deep-compression with global average pooling for convolutional networks, J. Syst. Archit. 95 (2019) 9–18. [https://doi.org/10.1016/j.sysarc.2019.02.008](https://doi.org/10.1016/j.sysarc.2019.02.008). 24. [24]. F. Arifin, H. Artanto, Nurhasanah, T.S. Gunawan, Fast COVID-19 Detection of Chest X-Ray Images Using Single Shot Detection MobileNet Convolutional Neural Networks, J. Southwest Jiaotong Univ. 56 (2021) 235–248. [https://doi.org/10.35741/issn.0258-2724.56.2.19](https://doi.org/10.35741/issn.0258-2724.56.2.19). 25. [25]. M.E.H. Chowdhury, T. Rahman, A. Khandakar, R. Mazhar, M.A. Kadir, Z.B. Mahbub, K.R. Islam, M.S. Khan, A. Iqbal, N.A. Emadi, M.B.I. Reaz, M.T. Islam, Can AI Help in Screening Viral and COVID-19 Pneumonia?, IEEE Access. 8 (2020) 132665–132676. [https://doi.org/10.1109/ACCESS.2020.3010287](https://doi.org/10.1109/ACCESS.2020.3010287). 26. [26]. L. Pan, P. Pipitsunthonsan, C. Daengngam, S. Channumsin, S. Sreesawet, M. Chongcheawchamnan, Identification of Complex Mixtures for Raman Spectroscopy Using a Novel Scheme Based on a New Multi-Label Deep Neural Network, IEEE Sens. J. 21 (2021) 10834–10843. [https://doi.org/10.1109/JSEN.2021.3059849](https://doi.org/10.1109/JSEN.2021.3059849). 27. [27]. A.K. Mishra, S.K. Das, P. Roy, S. Bandyopadhyay, Identifying COVID19 from Chest CT Images: A Deep Convolutional Neural Networks Based Approach, J. Healthc. Eng. 2020 (2020) 1–7. [https://doi.org/10.1155/2020/8843664](https://doi.org/10.1155/2020/8843664). [PubMed](http://medrxiv.org/lookup/external-ref?access_num=http://www.n&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F08%2F08%2F2021.08.04.21261235.atom) 28. [28]. N.C.D. Adhikari, Infection Severity Detection of CoVID19 from X-Rays and CT Scans Using Artificial Intelligence, 38 (2020) 20. 29. [29]. M. Qjidaa, A. Ben-fares, Y. Mechbal, H. Amakdouf, M. Maaroufi, B. Alami, H. Qjidaa, Development of a clinical decision support system for the early detection of COVID-19 using deep learning based on chest radiographic images, in: 2020 Int. Conf. Intell. Syst. Comput. Vis. ISCV, IEEE, Fez, Morocco, 2020: pp. 1–6. [https://doi.org/10.1109/ISCV49265.2020.9204282](https://doi.org/10.1109/ISCV49265.2020.9204282). 30. [30]. E. Hussain, M. Hasan, M.A. Rahman, I. Lee, T. Tamanna, M.Z. Parvez, CoroDet: A deep learning based classification for COVID-19 detection using chest X-ray images, Chaos Solitons Fractals. 142 (2021) 110495. [https://doi.org/10.1016/j.chaos.2020.110495](https://doi.org/10.1016/j.chaos.2020.110495). [1]: /embed/graphic-3.gif [2]: /embed/inline-graphic-1.gif [3]: /embed/inline-graphic-2.gif [4]: /embed/inline-graphic-3.gif [5]: /embed/inline-graphic-4.gif [6]: /embed/graphic-4.gif [7]: /embed/graphic-5.gif [8]: /embed/graphic-6.gif [9]: /embed/graphic-7.gif [10]: /embed/graphic-8.gif [11]: /embed/inline-graphic-5.gif [12]: /embed/inline-graphic-6.gif [13]: /embed/graphic-9.gif [14]: /embed/graphic-10.gif [15]: /embed/graphic-11.gif [16]: /embed/graphic-12.gif [17]: /embed/graphic-13.gif [18]: /embed/graphic-16.gif [19]: /embed/graphic-17.gif [20]: /embed/graphic-18.gif [21]: /embed/graphic-19.gif [22]: /embed/graphic-20.gif