Abstract
Covid-19 is a viral infection that causes a profound impact on the lives of the World population. It is a global pandemic spreading across the world in a faster way. It made a global impact on the health, economy, and education system in all the countries. As it is a rapidly spreading disease, prevention demands a fast and accurate diagnosis system. In a highly densely populated country, the demand for fast and affordable early diagnosis is required to reduce the disaster. Within this diagnosis time, the infection spreads rapidly and worsens the infected person’s status. To provide a faster and more affordable early diagnosis of covid, posterior-anterior chest radiographs (CXR) are used. Diagnosis of covid from CXR is challenging due to the images’ interclass similarity and intraclass variation. This study proposes a deep learning-based robust early diagnosis method for covid. To balance the intraclass variation and interclass similarity in CXR images, the deep fused Delaunay triangulation (DT) is proposed as the CXR has low radiation and unbalanced quality images. The deep features are to be extracted to increase the robustness of the diagnosis method. Without segmentation, the proposed DT algorithm achieves the accurate visualization of the suspicious region in the CXR. The proposed model is trained and tested by the largest benchmark covid-19 radiology dataset with 3616 covid CXR images and 3500 standard CXR images. The performance of the proposed system is analyzed in terms of accuracy, sensitivity, specificity, and AUC. The proposed system yields the highest validation accuracy.
Similar content being viewed by others
Explore related subjects
Discover the latest articles, news and stories from top researchers in related subjects.Avoid common mistakes on your manuscript.
1 Introduction
Corona Viruses (CV) is a family of viruses that initially created infection in birds and mammals. Alpha, beta, gamma, and delta (Paules et al. 2020). CV was identified first in the late 1930s from domestic chickens. First human coronaviruses (HCV) were identified in 1960, causing respiratory infections such as Severe Acute Respiratory Syndrome (SARS) and the Middle East respiratory syndrome (MERS). Later, HCV was identified in humans in Wuhan, China (World Health Organization 2020) in December 2019. It is recognized as SARS and increased rapidly in major cities of China. World Health Organization (WHO) announced it as an epidemic in January 2020 and then declared it a pandemic in March 2020. Nearly half of the world’s population, such as 3.3 billion people affected by HCV in 2020 (World Health Organization 2020). Covid pandemic affected the economic and social well-being of tens of millions of people at the end of 2020. The rapid increase in infection rate and death rate in many countries such as the USA, Brazil, Spain, and India leads to a hazardous situation in human lives. The primary reason behind this disaster is the lack of early diagnosis of covid in humans. The lack of prognosis tools and techniques for HCV leads to high infection rates and death rates around the globe. A high densely populated country like India is affected more due to a lack of prognosis tools for HCV. One standard technique for HCV diagnosis was Reverse Transcription Polymerase Chain Reaction (RT-PCR) (Altan and Karasu 2020). However, it lacks accuracy, sensitivity, and the slow process of diagnosis.
In this digital era, deep learning (DL) techniques play a vital role in health care sectors to diagnose various diseases from medical images. Radiology images are used for the diagnosis of HCV. Chest X-ray (CXR) images are used for prognosis, whereas CT scan images are used for severity analysis in the lungs. Khan et al. (2020) proposed the DL method to diagnose HCV from X-ray images. He used a pre-trained deep neural network called Xception, and the proposed method is trained and tested by benchmark datasets. He claimed an accuracy of 89.6. Sethy et al. (2020) proposed a DL model for HCV diagnosis. Deep learning methods extract in-depth features, and these features are trained by a support vector machine (SVM). The authors claimed an accuracy of 95.38. Alakus and Turkoglu (2020) proposed a diagnosis method by combining a convolutional neural network (CNN) with a recurrent neural network (RNN). The authors claimed an accuracy of 86.66. Yoo et al. (2020) proposed a DL approach for HCV diagnosis based on CXR images with different classifiers and claimed an accuracy of 98%. Sedik et al. (2020) proposed a DL model by combining CNN with long short-term memory (LSTM) for HCV diagnosis. Nour et al. (2020) have developed a method of HCV diagnosis by combining CNN and SVM. CNN extracts in-depth features, and these features are classified by SVM. Jamshidi et al. (2020) proposed various DL approaches such as generative adversarial networks (GAN), extreme learning machines (ELM), and LSTM. Waheed et al. (2020) developed a method based on auxiliary GAN to produce CXR images. Then, the generated CXR images are used to balance the dataset. The authors used the deep learning model VGG16 for classification. Based on these synthetic images, they achieved an accuracy of 95—similar DL-based techniques for diagnosing HCV are tabulated in Table 1.
All the methods mentioned above focus on deep learning architecture for better diagnosis. In order to attain the highest level of precision and accuracy, there is a demand for image enhancement techniques (Zimmerman et al. 1988). The image enhancement technology improves the visual features of the image without distracting the truth features. Covid CXR images are collected from different countries in different timelines. There is a variation in the orientation and radiation. In order to design the intelligent global system for covid prognosis, there is a demand to make the uniform labeled samples with a reduced intra-class variation. This paper proposes the Delaunay triangulation-based image enhancement method to reduce intra-class variation. Hence, it provides the ideal accuracy in the training and validation phase with reduced converge time.
2 Proposed Delaunay triangulation based covid prognosis system
Delaunay triangulation (DT) represents the surface of the image into triangular regions with common properties. The triangulation is performed based on the region of interest (ROI). A set of points are constructed for CXR images which form the ROI. DT is applied to this set of points. It maximizes the minimal vertex angles of the triangles. Hence it leads to an equiangular triangle to avoid sharp and stretched triangles. It interpolates the pixel values within the region of the enhanced images. The proposed diagnosis system, dtXpert, has three primary stages: data augmentation, deeply fused Delaunay triangulation (DT) of X-ray images, and a deep transfer learning model with an Adam optimizer. Figure 1 shows the framework of dtXpert. All this processing was implemented in MATLAB 2020b with supported toolboxes.
2.1 Data augmentation
The proposed system is based on the “Covid-19 Radiography Database” (https://www.kaggle.com/tawsifurrahman/covid19-radiography-database). This database is constructed by a team of researchers from Qatar University, Doha, Qatar, and the University of Dhaka, Bangladesh, Pakistan, and Malaysia with collaborative efforts from clinical experts. It includes 3616 covid-19 CXR images and 1341 normal images. In order to prevent unbalance dataset issues, the 3500 normal CXR images are obtained from the Radiological Society of North America (RSNA) Kaggle database pneumonia dataset. Original X-ray images are available in png and Dicom format and grayscale. Then the images are resized into the size of 299*299. This dataset is divided into different partitions for training and validation. To perform hold-out validation, a set of images is to be kept aside for training. Those unseen data are to be given to the model for perfect validation. Hence, the dataset is divided into 70% (4981 images) for training and 30%(2136 images) for validation for case 1 and 80% (5693 images) for training data, and 20%(1423 images) for validation data for case 2.
2.2 High-resolution image formation from low radiation CXR based on DT
As the proposed project dtXpert is built for global use, it is trained and validated by versatile global datasets. The primary challenge with using multiple datasets is the variation in quality, contrast, intensity, and radiological parameters. Varying radiological settings lead to interclass similarity and intraclass variations. Figure 2 shows the intraclass variation in the CXR images. To achieve better accuracy for multi dataset diagnosis systems, there is a need to reduce the intraclass variation.
To reduce the intra-class variation and interclass similarity of low radiation CXR images, the Delaunay triangulation (DT) method (Amidror 2002; Lertrattanapanich and Bose 2002) is employed for the creation of scattered interpolation points based on Region of Interest (ROI). And then, the scattered interpolated points are fused with the original CXR images for the enhanced quality image with a focus on ROI.
2.2.1 Linear triangular interpolation based on Delaunay triangulation
The covid diagnosis in the CXR was decided based on the reference point, as shown in Fig. 3. Scattered points are located in the 2D (x, y) plane, and their values are represented as altitudes \({Z}_{i}\) on the plane. Triangulation brings a piecewise triangular surface over this 2D (x, y) plane, where points are referenced \(({x}_{i},{y}_{i},{z}_{i})\). Those triangular pieces are connected by edges which form a triangular irregular network.
A bivariate Linear Interpolation (BLI) scheme is used for each triangle to form piecewise interpolation. Consider the points of the triangle \({P}_{1}=\left({x}_{1},{y}_{1},{z}_{1}\right), {P}_{2}=\left({x}_{2},{y}_{2},{z}_{2}\right)\) and \({P}_{3}=\left({x}_{3},{y}_{3},{z}_{3}\right).\)
Obtain linear equations such as,
Unknown values \((a,b,c)\) are computed by solving this linear equation. Then, we can compute \(z\) for any arbitrary point with the coordinate as \(\left(x,y\right)\) within the triangle (Figs. 4, 5).
For the interpolation of image pixels, the points from the (x, y) plane are to be mapped onto the (u, v) plane. Consider estimating the interpolated point P inside the triangle based on three points, \({P}_{1}, {P}_{2}\), and \({P}_{3}\), in the affine coordinate system (x, y). The affine coordinates of these points are represented as \({X}_{1}=({x}_{1}, {y}_{1})\), \({X}_{2}=({x}_{2}, {y}_{2})\), and \({X}_{3}=({x}_{3}, {y}_{3})\).
The interpolated point coordinates in the affine system is represented as,
Hence, the matrix form,
Consider (u, v) coordinates mapping of three points \({P}_{1}, {P}_{2}\), and \({P}_{3}\). The coordinates of these points are represented as \({U}_{1}=({x}_{1}, {y}_{1})\), \({U}_{2}=({x}_{2}, {y}_{2})\), and \({U}_{3}=({x}_{3}, {y}_{3})\). By incorporating linear DT interpolation, the point \(X=(x,y)\) is mapped onto the point \(U=(u,v)\)
The interpolated point coordinates in the affine system is represented as,
Hence, the matrix form,
By substituting (a2, a3) from (1) the new interpolated image pixel is computed in the (u, v) as,
Figure 6 shows the overlay image formulated based on the DT interpolated point from the reference points in Fig. 3.
The deep fused image is shown in Fig. 7. The main aim of DT interpolation is to reduce the intra-class variation from CXR images from different data sources. Figure 8 shows the histogram representation of the fused images with minor intra-class variation compared to Fig. 2.
In order to prove the intra-class similarity and interclass variation, the correlation coefficient is computed between each pair of images based on the formula given,
A and B are two images with the size m*n. To verify intra-similarity, the correlation coefficient is computed for all possible pairs of covid images and all possible pairs of normal images.
Figure 9 shows the intra-class similarity of covid images with the original dataset and DT interpolated (DTI) dataset. It is shown in the plot that the peak of the DTI covid dataset is 0.8 and the peak of the original covid dataset is 0.48, which implies that the DTI method increases the intra-class similarity in the covid dataset. DT removes another challenging issue with CXR images, such as inter-class similarity. It is also proved based on the correlation coefficient. Figure 10 shows the correlation coefficient between each pair of the original covid –normal dataset and the DTI covid-normal dataset. Even though the correlation is less for both datasets, the DTI dataset yields a much lesser correlation than the original dataset.
Figure 11 depicts that the DTI increases the intra-class similarity and reduces the interclass similarity compared to the original dataset.
2.3 Transfer learning for covid diagnosis
The transfer learning (TL) task utilizes the pre-trained model (PTM) with a sufficiently large amount of data and then transfers that knowledge to a relatively complex task with fewer data sources. The ImageNet dataset trains PTM with 1000 categories of images.
The source domain knowledge \(S\) is represented as a triplet,
where \({I}_{s}\) is the Image net dataset, \({G}_{s}\) is the ground truth or label of the dataset, and \({O}_{s}\) is the objective predictive function of PTM.
The target domain knowledge is represented as a triplet for the X-ray images,
\({I}_{PA}\) is the binary class source x-ray images with PA view, \({G}_{PA}\) is the ground truths of the dataset, and \({O}_{PA}\) is the classifiers.
With TL, the classifiers can be defined as,
TL classifier should reduce the error in the prediction,
This TL is based on the fact that the initial layers of PTM are to be used to extract the low-level features, and the target model is to be retrained only in the last layers to perform the complex prediction task.
The learnable layers are identified and removed in this proposed model, and fully convolutional layers are added for better prediction.
Algorithm 1: Transfer learning (TL) network.
Procedure
Step 1: Install the chosen PTM and store it into the variable \({N}_{0}\) and its number of learnable layers is \({L}^{n}\)
Step 2: Remove the last \({L}^{n}\) number of learnable layers and store it in the variable \({N}_{1}\)
\({N}_{1}= {F}_{r} ({N}_{0}, {L}^{n})\), Where \({F}_{r}\) is the remove layer function, and \({L}^{s}\) is the number of learnable layers.
Step 3: Add two fully connected layers and store them in the variable \({N}_{2}\)
\({N}_{2}= {F}_{A} ({N}_{1}, 2)\), Where \({F}_{A}\) is the function to add fully connected layers.
Step 4: Assign the learning rate as 0 to freeze those layers,
\(\overrightarrow{{l}_{r}}[{N}_{2}(1:L-{L}^{n}]\leftarrow 0\), Where \({l}_{r}\) is the learning rate, and \(L\) is the total number of \({L}^{n}\) learnable layers.
Step 5: Assign learning rate 1 for the newly added two fully connected layers
3 Results and discussion
This section focuses on the experimental setup for validating the proposed model, followed by a performance analysis. Finally, the proposed dtXpert is compared with other state-of-the-art deep learning models to diagnose covid.
3.1 Experimental setup and evaluation
The proposed transfer learning model is implemented in MATLAB 2020b with GPU NVIDIA and 16 GB RAM Workstation computer. NLM, Belarus, and NIAID datasets are accepted as the benchmark data sets by the researchers. The proposed model is trained and tested by the same dataset. The evaluation of the proposed model is based on two phases training phase and the validation phase. The acceptable tuned hyperparameters train the proposed transfer learning model, and the overall performance is validated. The first standard metric for evaluating the proposed model is confusion matric, including sensitivity, specificity, precision, and accuracy.
3.2 Performance of DTI CXR in transfer learning with shallow neural networks
SqeezeNet is based on two convolutional layers and eight fire modules. It performs max-pooling. It has the advantage that it includes smaller CNNs. Hence, it is easy to deploy with the power-constraint and low-memory devices.
Figure 12 shows the performance of SqeezeNet with the original dataset and DTI dataset. DTI dataset attains an accuracy of 100% and AUC of 100%.
3.3 Performance of DTI CXR in transfer learning with dense neural networks
Inception-Resnet V2 combines the two recent ideas, such as Residual connections and revised Inception architecture, which are incorporated. Residual connections are needed for training the deep neural architectures. It is an optimum idea to replace the filter concatenation stage of the Inception network with residual connections. Hence, it leads to achieving the advantages of residual architecture by retaining the computational efficiency of Inception architecture. Each of the Inception blocks is suffixed by a filter layer used for scaling up the dimensionality of the filter bank to compensate for the dimensionality reduction of the Inception block.
Figure 13 shows the performance of Inception-ResNet v2 with the original dataset and DTI dataset. DTI dataset attains an accuracy of 100% and AUC of 100%. The proposed model is to diagnose infectious Covid. Hence, this tool can be used as a screening test. It shows that the proposed model provides an accuracy of 100%, a sensitivity of 100%, specificity of 100%, and precision/PPV of 100%. Then, the proposed model is further validated based on the Receiver Operating Characteristic Curve (ROC), a graphical representation that illustrates the diagnostic capacity of the system. This curve is constructed by plotting True Positive Rate (TRP) against False Positive Rate (FPR). Another metric derived from the ROC plot is the Area Under the Curve (AUC), which measures the model's overall quality. In this model for the infectious disease, the fraction of infected cases to be detected correctly who need immediate antibiotics. It yields an AUC of 100. The proposed model is also based on DTI-enriched CXR images. The impact of incorporating the DTI is better training performance and validation performance. Figure 14a shows that the proposed model reaches the maximum training accuracy of 100 in the 25th iteration. Figure 14b shows the equivalent training loss of the proposed model. The drop in the Fig. 14b shows the instability of the initial phases of training which is expected to be common in most of the deep learning models.
The proposed dtXpert provides the highest accuracy of 100%, highest sensitivity of 100%, and highest specificity of 100% precision value of 100% with all types of deep learning networks. The proposed model outperforms all the existing state-of-the-art methods to diagnose covid.
3.4 Statistical analysis of dtXpert
The proposed dtXpert provides the highest accuracy of 100%. The claimed accuracy is validated by chi-square test.
Ho – Accuracy is greater than 99.99%
H1 – Accuracy is less than 99.99%
Degrees of freedom – 1 No. of attribute – 1 and the individual \(\chi^{2}\) test is applied at 0.01% level of significance. \(\chi^{2}\) table value is 6.635. Table 2 gives the value as 0.0019 which is less than \(\chi^{2}\) table value. So null hypothesis is accepted and the accuracy for dtXpert can be more than 99.99%.
4 Conclusion
A deep learning-based robust early diagnosis method for covid is proposed. To balance the interclass variation and interclass similarity in CXR images, the Delaunay Triangulation is incorporated as the CXR images are low radiation and unbalanced quality images. The image quality is enhanced to increase the robustness of the diagnosis method. Without segmentation, the proposed DT algorithm achieves the accurate visualization of the suspicious region in the CXR. The Deep Convolutional Neural Networks train deep fused images with residual connections. The proposed model is trained and tested by enormous benchmark datasets. The performance of the proposed system is analyzed in terms of accuracy, sensitivity, specificity, and AUC. The proposed system yields a validation accuracy of 100%, a sensitivity of 100%, specificity of 100%, a precision of 100%, and an AUC of 100%, which is ideal compared to other state-of-the-art deep learning methods for diagnosing covid. The proposed dtXpert can be used as a computer-aided prognosis method for covid to reduce the manual time, effort, and dependency on the specialist's expertise level.
References
Alakus TB, Turkoglu I (2020) Comparison of deep learning approaches to predict COVID-19 infection. Chaos Solitons Fractals 140:110120
Altan A, Karasu S (2020) Recognition of COVID-19 disease from X-ray images by a hybrid model consisting of 2D curvelet transform, chaotic salp swarm algorithm and deep learning technique. Chaos Solitons Fractals 140:110071
Amidror I (2002) Scattered data interpolation methods for electronic imaging systems: a survey. J Electron Imaging 11(2):157–176
Apostolopoulos ID, Aznaouridis SI, Tzani MA (2020) Extracting possibly representative COVID-19 biomarkers from X-ray images with deep learning approach and image data related to pulmonary diseases. J Med Biol Eng 40:462–469
Arora K, Bist AS, Chaurasia S, Prakash R (2020) Analysis of deep learning techniques for COVID-19 detection. Int J Sci Res Eng Manag i 4(4):1–5
Brunese L, Mercaldo F, Reginelli A, Santone A (2020) Explainable deep learning for pulmonary disease and coronavirus COVID-19 detection from X-rays. Comput Methods Programs Biomed 196:105608
Das NN, Kumar N, Kaur M, Kumar V and Singh B (2020a) Automated deep transfer learning-based approach for detecting COVID-19 infection in chest X-rays. Irbm
Das D, Santosh KC, Pal U (2020b) Truncated inception net: COVID-19 outbreak screening using chest X-rays. Phys Eng Sci Med 43(3):915–925
Jain G, Mittal D, Thakur D, Mittal MK (2020) A deep learning approach to detect Covid-19 coronavirus with X-Ray images. Biocybern Biomed Eng 40(4):1391–1405
Jamshidi M, Lalbakhsh A, Talla J, Peroutka Z, Hadjilooei F, Lalbakhsh P, Jamshidi M et al (2020) Artificial intelligence, and COVID-19: deep learning approaches for diagnosis and treatment. IEEE Access 8:109581–109595
Khalid EA, Chawki Y (2020) Using X-ray images and deep learning for automated detection of coronavirus disease. J Biomol Struct Dyn 39(10):3615–3626
Khan AI, Shah JL, Bhat MM (2020) CoroNet: A deep neural network for detecting and diagnosing COVID-19 from chest x-ray images. Comput Method Programs Biomed 196:105581
Lertrattanapanich S, Bose NK (2002) High-resolution image formation from low-resolution frames using Delaunay triangulation. IEEE Trans Image Process 11(12):1427–1441
Loey M, Smarandache F, Khalifa NEM (2020) Within the lack of chest COVID-19 X-ray dataset: a novel detection model based on GAN and deep transfer learning. Symmetry 12(4):651
Minaee S, Kafieh R, Sonka M, Yazdani S, Soufi GJ (2020) Deep-covid: predicting covid-19 from chest x-ray images using deep transfer learning. Med Image Anal 65:101794
Nour M, Cömert Z, Polat K (2020) A novel medical diagnosis model for COVID-19 infection detection based on deep features and Bayesian optimization. Appl Soft Comput 97:106580
Oh Y, Park S, Ye JC (2020) Deep learning covid-19 features on CXR using limited training data sets. IEEE Trans Med Imaging 39(8):2688–2700
Ozturk T, Talo M, Yildirim EA, Baloglu UB, Yildirim O, Acharya UR (2020) Automated detection of COVID-19 cases using deep neural networks with X-ray images. Comput Biol Med 121:103792
Paules CI, Marston HD, Fauci AS (2020) Coronavirus infections—more than just the common cold. JAMA 323(8):707–708
Rahimzadeh M, Attar A (2020) 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. Informatics Med Unlocked 19:100360
Rajaraman S, Antani S (2020) Weakly labeled data augmentation for deep learning: a study on covid-19 detection in chest x-rays. Diagnostics 10(6):358
Sedik A, Iliyasu AM, El-Rahiem A, Abdel Samea ME, Abdel-Raheem A, Hammad M, Peng J, El-Samie A, Fathi E, El-Latif AAA (2020) Deploying machine and deep learning models for efficient data-augmented detection of COVID-19 infections. Viruses 12(7):769
Sethy PK, Behera SK, Ratha PK and Biswas P (2020) Detection of coronavirus disease (COVID-19) based on deep features and support vector machine
Toğaçar M, Ergen B, Cömert Z (2020) COVID-19 detection using deep learning models to exploit Social Mimic Optimization and structured chest X-ray images using fuzzy color and stacking approaches. Comput Biol Med 121:103805
Vaid S, Kalantar R, Bhandari M (2020) Deep learning COVID-19 detection bias: accuracy through artificial intelligence. Int Orthop 44:1539–1542
Waheed A, Goyal M, Gupta D, Khanna A, Al-Turjman F, Pinheiro PR (2020) Covidien: data augmentation using auxiliary classifier GAN for improved covid-19 detection. IEEE Access 8:91916–91923
Wang N, Liu H and Xu C (2020) Deep learning for detecting COVID-19 using transfer learning and model integration. In: 2020 IEEE 10th international conference on electronics information and emergency communication (ICEIEC), pp 281–284. IEEE
World Health Organization (2020) WHO novel corona virus-Thailand (ex-China). Geneva, Swiss. http://www.who.int/csr/don/14-January-2020-novel-coronavirusthailand/en/. We accessed 14 Jul 2020.
Yoo SH, Geng H, Chiu TL, Yu SK, Cho DC, Heo J, Choi MS et al (2020) Deep learning-based decision-tree classifier for COVID-19 diagnosis from chest X-ray imaging. Front Med 7:427
Zimmerman JB, Pizer SM, Staab EV, Perry JR, McCartney W, Brenton BC (1988) An evaluation of the effectiveness of adaptive histogram equalization for contrast enhancement. IEEE Trans Med Imaging 7(4):304–312
Author information
Authors and Affiliations
Corresponding author
Additional information
Publisher's Note
Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.
Rights and permissions
Springer Nature or its licensor holds exclusive rights to this article under a publishing agreement with the author(s) or other rightsholder(s); author self-archiving of the accepted manuscript version of this article is solely governed by the terms of such publishing agreement and applicable law.
About this article
Cite this article
Sasikaladevi, N. Delaunay triangulation based intelligent system for the diagnosis of covid from the low radiation CXR images. J Ambient Intell Human Comput 14, 12443–12452 (2023). https://doi.org/10.1007/s12652-022-04329-3
Received:
Accepted:
Published:
Issue Date:
DOI: https://doi.org/10.1007/s12652-022-04329-3