key: cord-1000138-80nrbiop authors: Absar, Nurul; Mamur, Baitul; Mahmud, Abir; Emran, Talha Bin; Khandaker, Mayeen Uddin; Faruque, M.R.I.; Osman, Hamid; Elzaki, Amin; Elkhader, Bahaaedin A. title: Development of a Computer-Aided Tool for Detection of COVID-19 Pneumonia from CXR Images Using Machine Learning Algorithm date: 2022-02-14 journal: nan DOI: 10.1016/j.jrras.2022.02.002 sha: 8757e58e0306ea967a9ff181e71e9347e8cd7793 doc_id: 1000138 cord_uid: 80nrbiop The novel coronavirus (SARS-CoV-2) is spreading rapidly worldwide, and it has become a greater risk for human beings. To curb the community transmission of this virus, rapid detection and identification of the affected people via a quick diagnostic process are necessary. Media studies have shown that most COVID-19 victims endure lung disease. For rapid identification of the affected patient, chest CT scans and X-ray images have been reported to be suitable techniques. However, chest X-ray (CXR) shows more convenience than the CT imaging techniques because it has faster imaging times than CT and is also simple and cost-effective. Literature shows that transfer learning is one of the most successful techniques to analyze chest X-ray images and correctly identify various types of pneumonia. Since SVM has a remarkable aspect that tremendously provides good results using a small data set thus in this study we have used SVM machine learning algorithm to diagnose COVID-19 from chest X-ray images. The image processing tool called RGB and SqueezeNet models were used to get more images to diagnose the available data set. Our adopted model shows an accuracy of 98.8% to detect the COVID-19 affected patient from CXR images. It is expected that our proposed computer-aided detection tool (CAT) will play a key role in reducing the spread of infectious diseases in society through a faster patient screening process. The continuing coronavirus pandemic has had a feasting dominance on the well-being of the global population and health [1] . On November 23, 2020, approximately 49,667,976 confirmed cases and 15248,785 deaths cases 35,254,953 recovered cases are reported by Worldometers.info [2] . Within a formation time of 14 days, the syndromes of the disease simulate symbolic toxicity with the respiratory taint [3, 4] . Current studies state that COVID-19 is often induced by intense keen respiratory ailment SARS-CoV-2 [5] . It has been reported that the mean incubation period and the mean serial interval are 5.2 days and 7.5 days, respectively, and on average, a SARS-CoV-2 carrier can spread it to ~ 2.2 persons [5] . In meeting the rising number of patients, the hospitals must be scaled up their capacities, which poses a big challenge to many governments worldwide [6] . Therefore, to reduce the spread of SARS-CoV-2, it is necessary to develop fast screening methods to rapidly identify the COVID-19 cases and then segregate them from other conditions [7] . In the case of molecular diagnostics, the real-time (quantitative) reverse transcriptase-polymerase chain reaction (RT-PCR) is a widely used diagnostic method. At present, this method shows extensive use in diagnosing COVID-19, which detects amplified SARS-CoV-2 genome in sputum, oropharyngeal swabs or nasopharyngeal, nasal aspirate, bronchoalveolar lavage fluid, and lower respiratory tract aspirates. Although RT-PCR provides sensitive and quantitative detection of the SARS-CoV-2, it is a complex process, requires qualified clinical laboratory personnel, and takes an analysis time of 4-6 h, a sampling-to-result time of around 24 h [8] . Moreover, a single RT-PCR test kit may cost more than 50 USD [9] . In addition, sufficient numbers of test kits of RT-PCR are not available in many countries. So, an automatic detection system is needed to be implemented as a quick alternative diagnosis option to prevent the spread of COVID-19 among people [8] . According to the World Health Organization, COVID-19 showed symptoms like SARS. It creates holes in the lungs, generic them a "honeycomb-like appearance" [10, 11] . Therefore, several studies were performed to detect COVID-19 cases using chest X-ray (CXR) and computed tomography (CT) images as a relatively rapid detection technique. However, based on the X-ray and CT images, the radiologists often find difficulties in accurately identifying COVID resulting from pneumonia from other pulmonary disorders and community-acquired pneumonia [12] . As a result, artificial intelligence is attractive to both researchers and clinicians for the timely detection of COVID-19 patients [13] . In this regard, many researchers collected radiographic data from the open-source COVID-19 database and analyses accordingly [14] [15] [16] . Machine learning and deep learning techniques have been used to identify abnormal patterns of X-ray and CT images [17] . Generally, machine or deep learning techniques and several classical image processing tools are used to naturally categorize the diseases with the digitized version of CXR images [18, 19] . In this connection, many researchers tested the potential of Convolutional Neural Network (CNN) [20] [21] [22] [23] by using the existing CNN architectures such as AlexNet, ResNet, Dense Net, Google Net, VGG, Xception, Inception, ResNet, and MobileNet. Note that CNN architecture is produced to develop the discrimination capability of the COVID-19 affected region in the chest x-ray images. The concatenated features raise the diversity in the feature space, which is then assigned to the SVM classifier to effectively segregate the COVID-19 infected and non-infected patients. COVID-19 positive case was detected from CXR images using a deep convolution network with 91.62 % classification accuracy [24] . But the study did not include the accuracy of various models for multiclass classification. To identify and manage COVID-19, an efficient and effective tool has to be developed, including multiclass variety. In this connection, the deep learning approaches with some particular features of COVID-19 patients from CXR images show some attention to the scientific community. This is because a screening method based on a chest X-ray image may have many advantages. It may be fast, simultaneously inspect various instances, more accessibility, and utmost significance in clinics with a restrained selection of test tools and facilities. Moreover, the uses of radiology imaging resources are available in almost all hospitals and clinics, making the radiography-based method more accessible and convenient to use. A search of the literature shows that in dealing with the COVID-19, Wang et al. [25] proposed 19 layers of deep CNN architecture (multi-class classification) based on the idea of ResNet, and named it as COVID-Netby, COVID-and COVID+ affected pneumonia patients. The proposed model demonstrated an accuracy of 92%. Afshar et al. [26] introduced COVID-CAPS based on Capsule Net and achieved 80% sensitivity and 98% accuracy [26] . Likewise, a pre-trained ResNet-50 model has been applied on a small CXR dataset which showed a 98% accuracy [20] . In another study, transfer learning (TL) from a pre-trained inception network was used for the prediction of COVID-19 with an accuracy of 89.5% [27] . Narin et al. [28] proposed a neural network for two classes (normal and COVID-19) via a TL technique. The model (ResNet-50) was trained by using only 100 images where 50 images were assigned to each class, and it provides the maximum recognition rate of 98% accuracy. An accuracy of 97% and 87% were reported by the other two proposed models InceptionV3 and Inception-ResNetV2, respectively. Loey et al. [29] introduced the TL technique for the training, testing, and validation phase. Pre-trained models and Googlenet, Alexnet, Resnet18 were used for the TL phase. The Generative Adversarial Network (GAN) was used for image preprocessing [30] . They have reported a maximum accuracy of 80.6%, 85.2%, and 99.9% using Googlenet (for four classes), Alexnet (for three classes), and Resnet18 (for two classes, covid-19 and normal), respectively. Asmaa et al. [31] presented a classification model for the diagnosis of the COVID-19 from SARS and normal cases and named them as decompose, transfer (transfer learning), and compose (DeTraC). Maximum accuracy of 95.21% was reported in their study. Chowdhury et al. [32] introduced a system based on parallel-dilated CNN to diagnose COVID-19 patients using CXR images and reported a maximum accuracy of 96.58%. Rahimzadeh and Attar [33] proposed a series of ResNet50V2 [34] and Xception [35] networks as the deep learning model and reported an overall accuracy of 91.4%. The above literature shows that many artificial intelligence (AI) systems have been proposed based on machine or deep learning, which displayed auspicious accuracy in detecting COVID-19 infected patients via radiography imaging [36] [37] [38] [39] [40] [41] [42] . Among them, support vector machines and random forests are the most applied machine learning methods. At the same time, convolutional neural networks and Long Short-Term Memory are the most deep learning methods used in this regard [43, 44] . To the best of our knowledge, no earlier studies have been done using the Support Vector Machine (SVM) model to detect COVID-19 positive and negative cases using CXR images in Bangladesh during the preparation of this manuscript or during this manuscript the study period. Therefore, we have proposed a simple technique to classify COVID-19 positive and negative cases using CXR images, enhancing representational capacity while significantly decreasing the computational complexity. In Bangladesh, currently, no patient can enter the doctor's chamber or visit the doctor without having a Chest X-ray image to show the primary condition (COVID positive or negative) if they are suffering from fever and other similar symptoms. Moreover, people have to take an X-ray image after two weeks of suffering from COVID-19 to ensure that they are COVID-19 negative. This is because, in Bangladesh, a CT image is 20 -30 times costly than an X-ray and also time-consuming. The same situation is for rt-PCR. Moreover, CT gives a high radiation exposure to the patients. Therefore, considering the local situation/constraints such as economic condition, number of patients in this densely populated country, the overall situation of the healthcare facility, etc., the doctor does not prefer the CT image for primary screening tool though it is used for serious cases. Therefore, the main objective of this study was to develop a computer-aided tool (CAT), which is programmed by a machine-learning algorithm to quickly identify the COVID-19 symptom by the doctor based on an X-ray image. Since COVID-19 is a highly contagious disease, many doctors in Bangladesh are affected by their routine patient dealing activities. So, the motivation of this work is to provide a CAT that helps the doctor to identify/initial screening of COVID-19 Positive or Negative of the incoming patient in the doctor's chamber. Using this technique, accurate detection of COVID-19 patients can be done within a few seconds through CXR images. Even without the presence of a radiologist, our proposed machine learning-based tool may be able to provide an opinion without the need of human intervention. In this regard, this work presents an automatic COVID-19 CXR image classification system based on a support vector machine. The presented approach is very useful for the clinical professionals for early detection of COVID-19 affected patients. The structure of the rest of this paper is as follows. Section 2 presents the mathematical formulation of the used SVM model and a workflow of the whole process. The next section explains the experimental results and comparison with the available literature, followed by a conclusion in Section 4. SqueezeNet is a small CNN architecture proposed by [45] whose accuracy is almost AlexNet-level [46] . It has 50 times fewer parameters and is 510 times smaller in size than AlexNet, but it has more convolutional layers than the AlexNet. However, it does not mean that the processing time of SqueezeNet would be faster than AlexNet [47] . The benefit of SqueezeNet is the use of a small model size which provides less computational complexity. SqueezeNet is an in-depth learning model having an input size of 224 x 224 pixels. It comprises convolutional-, pooling-, ReLU-, and Fire layers. Although it does not have a fully connected layers and dense layers, however, the Fire layers can perform such job. This model uses a 1 x 1convolutional filter to the input image in the Compression part, and1 x 1 and 3 x 3 convolutional filters in the Expansion part of the Fire layer. Both the Expansion and Compression parts keep the same feature map size. In the Expansion part the depth of the input image is increased, while in the Compression part, the depth is first reduced and then increased (bottleneck) [48, 49] . Downsample late in the network to facilitate the large activation maps to convolution layers. A simple architecture of the SqueezeNet is given in Figure 1 . When the number of training data set is relatively small which are representative of the test set, then the data augmentation is usually used to increase the data. We applied data augmentation to increase the data including vertical and horizontal reflections, rotation, and shear as per the technique in refs. [50, 51] . It has been used to improve the generalization of the learning model and to augment the training samples with variations [50, 52] . J o u r n a l P r e -p r o o f The Support Vector Machines (SVM) is a supervised machine learning algorithm that can be used for both regression challenges and sorting [53] [54] [55] . Many studies are available using Machine Learning SVM, primarily, to solve Classification problems. The SVM algorithm aims to make the best line or decision boundary named hyperplane which can set apart n-dimensional space into classes, and then one can easily insert the new data in the correct category in the upcoming work. To create the decision boundary, SVM chooses the extreme points. These ultimate cases are named as support vectors, and hence algorithm is termed as SVM. In this algorithm, considering the value of each property as the value of a particular coordinate, each data item is divided as a point in n-dimensional space. After that, we execute classification by finding the hyperplane that differentiates the two classes very well. SVM is very effective in large dimensional spaces. The SVM is implemented by the use of the scikit-learn package in python. The pre-processed data is divided into 30% test data and 70% training data. A hyperplane or group of hyperplanes in a high-or infinite-dimensional space is constructed by an SVM. A good separation is accomplished by the hyperplane which has the greatest distance to the nearest training data point of any class. SVM aims to get an optimal hyperplane that divides the data into different classes. Relevant theoretical information or mathematical formulation is given as follows. Suppose the training data are represented by {xi, yi}, i = 1, 2, …, N, and yi ε {-1, +1}, where the number of training samples is denoted by N, yi=+1 for class ω1 and yi= -1 for class ω2. Let us consider the two classes are linearly divisible. So, it is possible to get at least one hyperplane defined by a vector w with a bias w0which can separate the classes without error: To get such a hyperplane, w and w0 should be expected in a way that y i (w .x i + w 0 ) ≥ 1 for yi = +1 (class ω1) and y i (w. x i + w 0 ) ≤ -1 for yi = -1 (class ω2). To get equation 2, these two can be added to provide The support vectors must be identified to find the optimal hyperplane. There are two hyperplanes that are parallel to the optimal are laid on the support vectors which is given below: If w and w0 are taken by a simple rescaling of the hyperplane parameters, the margin can be expressed as Where the Lagrange multipliers are denoted by λi. We got the optimal hyperplane discriminant function under this formulation which is: Here, a subset of training samples is denoted by S that corresponds to non-zero Lagrange multipliers. In most of the terms, classes are not linearly separable, and the constraints of equation 2 cannot be satisfied. So in those terms, a cost function can be defined to combine minimization of error criteria and maximization of margin by using several variables called slack variables ξ ( Figure 1 ). This cost function is defined as: Subject to ( . + 0 ) ≥ 1 − ξ i ; i = 0,1,2,3,………..N According to Mercer's theorem [56] [57] [58] , the inner product of the vectors in the mapping space can be expressed as a function of the inner products of the corresponding vectors in the model space. The following equivalent representation has been used for inner product operation: Where, a kernel function is denoted by K(x,z) which is used for training without knowing the ф as explicit form. The dual optimization problem is now stated as: Subject to ∑ = 0 ≥ 0 =1 ; I = 1, 2, 3----------, N Therefore, the output classifier becomes: Two main approaches have been suggested for implementing SVM into multi-class classifications. The first approach is named "one against all". Though it is a quick method, by marginally imbalanced training sets errors are occurred. The N decision functions using equation (9) is not possible to find that the problem of optimization was currently introduced [59] , which is much related to the "one against all" method. The second approach is known as "one against one". It is very much used to solve multi-class classification problems due to the demanding computation than the "one against all" method [59] . The workflow of the proposed method is given as follows. Firstly, the CXR images are extracted from opensource databases and used as training samples. The images were then augmented to enhance the classification performance and resized to a similar size. To extract features and perform the classification, the transfer learning technique is employed in the images. Lastly, unknown test images are supplied to the network to evaluate the performance by calculating the proposed method's accuracy, precision, recall, and F1-score. Our proposed system is shown in Figure 3 . In this analysis, we collected patient X-ray data, then added the data to the system. Admin shows the details of the patients. The system classifies the patient images. Then the result shows the X-ray is COVID-19 positive or negative. The co-occurrence matrix is used to extract texture features. By using equation (10) the input sample is converted into a greyscale image [58] . The statistical properties are calculated using equations (11) (12) (13) (14) . The extraction of texture-feature was considered as follows, as presented in Figure 4 . Step-by-step processes for the extraction of texture-feature. We used 7180 chest X-ray images dataset as an input where 619 sample images of COVID-19, 1341 samples of the normal chest X-ray image, and 5220 sample images of viral pneumonia, consisting image size 224 × 224. Then the color, shape, and texture features of the three images were extracted. After that, the image divides into 80% training data and 20% test data, 5 fold cross-validation was performed with the training data here. J o u r n a l P r e -p r o o f SVM has been used for classifying points into disjoined planes [59] , pattern recognition, and text categorization [60] . Nowadays, there is a need for multiclass classification with a big set of data [61] . In 1995, the Errorcorrecting output coding (ECOC) framework was proposed by [62] for converting multiclass into some binary problems. The SVM, when combined with ECOC, enriches the system failure when solving multiclass classification [63] . ECOC was used to decrease multiclass problems to a set of binary classifiers which includes two schemes. The first one is the Coding Scheme, where the coding design presents the ways through a multiclass problem which is reduced to a group of binary class problems. The second one is the Decoding Scheme, which shows the ways to merge result that was obtained from binary learners [64, 65] . The Block diagram of SVM-ECOC is presented in Figure 5 . Step-by-step processes for the execution of ECOC classifier. By using the template SVM [66] function, we created a model that returns a support vector machine template that is applicable to train ECOC multiclass. The entity of this SVM template consists of some options for the classification of SVM. Then, it needs to train the ECOC classifier. So, by using SVM binary learners with a one-vs-one coding design, the ECOC classifier gets trained. ECOC multiclass learning is done by using 'fitcecoc' function [65]. Accuracy is commonly used as a classification metric [61] . The classification metrics depend on the domain area and technique used. The prediction accuracy was measured by using the following equation [67] . Where TP, FP, TN, and FN represent the true positive, false positive, true negative, false negative, respectively. In this study, we have extracted the images from various open-source databases. They contain X-Ray images of COVID-19 patients, normal and viral pneumonia where 619 sample images of COVID-19, 1341 normal chest Xray images, and 5220 sample images of viral pneumonia [67] [68] [69] . The samples are given in Figures 6, 7 , and 8 for normal CXR images, COVID-19, and images of viral pneumonia respectively. However, in this work, the images were segregated into two categories -COVID-19 positive and COVID-19 negative. First, the consolidated images were normalized and resized into 224 × 224 shaped images. Then the images are shuffled and split into training and testing data. A sample of x-ray images before and after resizing is shown in Figure 9 . Where COVID-19 was positive and COVID-19 negative both the test size is 20%, and 80% was for training purposes. However, if there are 2 or more images from the same patient, it is ensured that those images are either marked as training or test data -but not in both. The same patient's image is kept in both the training and test data, however, there is a possibility that the results are overly promising because of patients' overlap. In this way, the images are made available for training the model followed by testing the efficacy of the trained model. The input file can be classified as the SVM and CSV files. Although the images are conceptualized as rectangular arrays of RGB triplets manipulate in our programs, they are not generally created, stored, or transmitted in that format. The CSV file is the most important for the dataset which can be expressed the position of the patient. Based on this study, a simple desktop tool has been developed for finding COVID-19 positive and COVID-19 negative cases. This allows any medical personnel to browse a CXR image and feed it to the application. The application will then execute the proposed model, and provide the label for the given CXR image. As a result, this will detect the COVID-19 positive and COVID-19 negative cases, as shown in Figures 8 and 9 , respectively. The developed tool can be executed on Windows. This interface can be used in any healthcare facility for fast detection of the COVID-19 patient. The successful implementations have been made as per the following Figures 10 to 15. J o u r n a l P r e -p r o o f Table 1 shows that previous studies [70] [71] [72] [73] [74] 82] have achieved the minimum accuracy of 91% for multicenter osteoarthritis studies using chest x-ray images, and the maximum accuracy of 98.3% for COVID-RENet and COV-VGGNet models. Some other authors [75, 76] reported a maximum accuracy of 94% for CT images using the DRENet model and lower accuracy of 76.47% for the JRIP model. According to table 1, Minaee et al. [71] and Khan et al. [74] used deep learning techniques and found a maximum accuracy of 98% and 98.3%, respectively. On the other hand, the authors [77] [78] [79] [80] used SVM with different CNN models to predict the COVID19 from the chest xray images and reported a maximum accuracy of 97.48% [79] . Furthermore, a study entitled 'COVID-DeepNet: Hybrid Multimodal Deep Learning System for Improving COVID-19 Pneumonia Detection in Chest X-ray Images' was carried out in [83] , and reported a detection accuracy of 99.93 percent. Mohammed et al [84] performed a benchmarking study on the selection of methodology for optimal COVID-19 diagnostic model based on machine learning technique. In that study, they employed the SVM (linear) classifier, which yielded a closeness coefficient of 98.99 %. Beside this, in a further study, Al-Waisy et al. [85] reported a detection accuracy of 99.99% for the chest X-ray images using COVID-CheXNet system with hybrid learning model. Note that, deep learning is a sophisticated and mathematically complex part of machine learning. Applications of deep learning use a layered structure of algorithms that analyze data with a logic structure similar to how a human would conclude. In the present study, we used a simple SVM machine learning algorithm to analyze and interpret data, then learn from it. In fact, in the machine learning technique, the learning process follows a simple linear least square regression process. Finally, based on the obtained training/learning, our adopted SVM provides the decision for the given problem. Overall, the present study with a simple SVM machine learning technique shows a better accuracy of 98.83% than the available literature study. This work has been done to inexpensively detect the COVID-19 positive/negative patients from chest X-ray images. A very useful tool has been developed that uses machine learning classifiers for the effective classification of COVID-19. By uploading the chest X-ray image in our proposed system, any person can check the COVID-19 status. It will help the doctors to detect the affected patients with the help of computer-aided analysis within a few seconds. We do believe that this will significantly add value to the medical field. SVM has a remarkable aspect that tremendously provides good results using a small training set because the support vector is essential only during data training. Using SVM, the study shows the highest accuracy of 98.83% compared to the available literature data that uses both machine and deep learning algorithms. In the future, we will look for better feature extraction and also try for a balanced dataset. Explainable COVID-19 DiagnosisBased on Chest X-ray Images The World Meter website Accessed on COVID-19 Early Transmission Dynamics in Wuhan, China, of Novel Coronavirus-Infected Pneumonia A Tailored Deep Convolutional Neural Network Design for Detection of COVID-19 Cases from Chest X-rayImages Precise Prediction ofCOVID-19 in Chest X-Ray Images Using KE Sieve Algorithm Test, re-test, re-test': using inaccurate tests to greatly increase the accuracy of COVID-19 testing Imaging changes of severe COVID-19 pneumonia in advanced stage Using artificial intelligence to detect COVID-19 and community-acquired pneumonia based on pulmonary CT: evaluation of the diagnostic accuracy Review on diagnosis of COVID-19 from chest CT images using artificial intelligence COVID-19 image data collection Figure 1 COVID-19 chest x-ray data initiative Actualmed COVID-19 chest x-ray data initiative Accurate Prediction of COVID-19 using Chest X-Ray Imagesthrough Deep Feature Learning model with SMOTE and Machine Learning Classifiers.medRxiv Chest x-rays image classification in medical imageanalysis Comparison of deeplearning approaches for multi-label chest xray classification 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 xray images Automatic COVID-19 detection from X-ray images using ensemble learning with convolutional neural network 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 A deep learning algorithm using CT images to screen for Corona Virus Disease (COVID-19). medRxiv Automatic detection of coronavirus disease (covid-19) using x-ray images and deep convolutional neural networks Within the lack ofchest covid-19 x-ray dataset: A novel detection model based on gan and deep transfer learning High performance offline handwritten chinese character recognition using googlenet and directional feature maps Classification of covid-19 in chest x-ray images using detrac deep convolutional neural network Pdcovidnet: a parallel-dilated convolutional neural network architecture for detecting covid-19 from chest x-ray images A modified deep convolutional neural network for detecting covid-19 and pneumonia from chest xray images based on the concatenation of xception and resnet50v2 Identity mappings in deep residual networks Xception: Deep learning with depthwise separable convolutions The role of artificial intelligence in tackling COVID-19 Deep learning in medical image analysis Deep learning 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 system to screen coronavirus disease 2019 pneumonia Artificial intelligence distinguishes COVID-19 from community acquired pneumonia on chest CT Large-scale screening of covid-19 from community acquired pneumonia using infection size-aware classification Role of intelligent computing in COVID-19 prognosis: a state-of-the-art review Time Series Prediction of COVID-19 by Mutation Rate Analysis using Recurrent Neural Network-based LSTM Model SqueezeNet: AlexNetlevel accuracy with 50x fewer parameters and¡ 0.5 MBmodel size Imagenet classification with deep convolutional neural networks Benchmark analysis of representative deep neural network architectures A deep-learning-based approach for fast and robust steel surface defects classification Real-time vehicle make and model recognition with the residual SqueezeNet architecture A survey on image data augmentation for deep learning The effectiveness of data augmentation in image classification using deep learning A Full Stage Data Augmentation Method in Deep Convolutional Neural Network for Natural Image Classification Statistical Learning Theory Support-vector network Pattern Recognition,2nded Support vector machines for hyperspectral image classification with spectral-based kernels A comparison of methods for multiclass support vector machines Image classification based on color and texture features using frbfn network with artificial bee colony optimization algorithm A Deep Convolutional Activation Feature for Generic Visual Recognition A comparison of multiclass SVM methods for real worldnatural scenes Solving Multiclass Learning Problems via Error-Correcting Output Codes A pplication of ECOCSVM sin Remote Sensing Image Classification, The International Archives of Photogrammetry Categorized Image Classification using CNN Features with ECOC Framework Feature Extraction & Image Processing for Computer Vision Canai help in screening viral and covid-19 pneumonia COVID-Net: a tailored deep convolutional neural network design for detection of COVID-19 cases from chest X-ray images Deep-COVID: Predicting COVID-19 From Chest X-Ray Images Using Deep Transfer Learning Deep Knee Explainer: Explainable Knee OA Diagnosis From Radiographs and Magnetic Resonance Imaging Iñigo Barandiaran; COVID-19 Detection in Chest X-ray Images using aDeep Learning Approach Coronavirus Disease Analysis using Chest X-ray Images and a Novel Deep Convolutional Neural Network, preprint, 2020 Deep learning Enables Accurate Diagnosis of Novel Coronavirus (COVID-19) with CT images Novel Approach of CT Images Feature Analysis and Prediction to Screen for orona Virus Disease (COVID-19) Detection of COVID-19 chest x-ray using support vector machine and convolutional neural network Detection of coronavirus Disease (COVID-19) based on Deep Features and Support Vector Machine Automatic X-ray COVID-19 Lung Image Classification System based on Multi-Level Thresholding and Support Vector Machine Deep Learning Approaches for COVID-19 Detection Basedon Chest X-ray Images Review on Machine and Deep Learning Modelsfor the Detection and Prediction of Coronavirus Comprehensive Investigation of Machine Learning Feature Extraction and Classification Methods for Automated Diagnosis of COVID-19 Based on X-ray Images COVID-DeepNet: Hybrid Multimodal Deep Learning System for Improving COVID-19 Pneumonia Detection in Chest X-ray Images Benchmarking Methodology for Selection of Optimal COVID-19 Diagnostic Model Based on Entropy and TOPSIS Methods COVID-CheXNet: hybrid deep learning framework for identifying COVID-19 virus in chest X-rays images. Soft comput