Skip to main content
Advertisement
Browse Subject Areas
?

Click through the PLOS taxonomy to find articles in your field.

For more information about PLOS Subject Areas, click here.

  • Loading metrics

AI-driven quantification of ground glass opacities in lungs of COVID-19 patients using 3D computed tomography imaging

  • Monjoy Saha ,

    Roles Conceptualization, Data curation, Formal analysis, Investigation, Methodology, Resources, Software, Validation, Visualization, Writing – original draft, Writing – review & editing

    monjoybme@gmail.com

    Affiliation Department of Biomedical Informatics, Emory University School of Medicine, Atlanta, GA, United States of America

  • Sagar B. Amin,

    Roles Validation, Visualization, Writing – review & editing

    Affiliation Department of Radiology and Imaging Sciences, Emory University School of Medicine, Atlanta, GA, United States of America

  • Ashish Sharma,

    Roles Conceptualization, Funding acquisition, Investigation, Project administration, Supervision, Visualization, Writing – review & editing

    Affiliation Department of Biomedical Informatics, Emory University School of Medicine, Atlanta, GA, United States of America

  • T. K. Satish Kumar,

    Roles Funding acquisition, Project administration, Supervision, Writing – review & editing

    Affiliation Department of Computer Science, University of Southern California, Los Angeles, CA, United States of America

  • Rajiv K. Kalia

    Roles Conceptualization, Data curation, Funding acquisition, Investigation, Project administration, Writing – original draft, Writing – review & editing

    Affiliations Department of Computer Science, University of Southern California, Los Angeles, CA, United States of America, Collaboratory for Advanced Computing and Simulations, University of Southern California, Los Angeles, CA, United States of America, Department of Physics & Astronomy, University of Southern California, Los Angeles, CA, United States of America, Department of Chemical Engineering and Materials Science, University of Southern California, Los Angeles, CA, United States of America

Abstract

Objectives

Ground-glass opacity (GGO)—a hazy, gray appearing density on computed tomography (CT) of lungs—is one of the hallmark features of SARS-CoV-2 in COVID-19 patients. This AI-driven study is focused on segmentation, morphology, and distribution patterns of GGOs.

Method

We use an AI-driven unsupervised machine learning approach called PointNet++ to detect and quantify GGOs in CT scans of COVID-19 patients and to assess the severity of the disease. We have conducted our study on the “MosMedData”, which contains CT lung scans of 1110 patients with or without COVID-19 infections. We quantify the morphologies of GGOs using Minkowski tensors and compute the abnormality score of individual regions of segmented lung and GGOs.

Results

PointNet++ detects GGOs with the highest evaluation accuracy (98%), average class accuracy (95%), and intersection over union (92%) using only a fraction of 3D data. On average, the shapes of GGOs in the COVID-19 datasets deviate from sphericity by 15% and anisotropies in GGOs are dominated by dipole and hexapole components. These anisotropies may help to quantitatively delineate GGOs of COVID-19 from other lung diseases.

Conclusion

The PointNet++ and the Minkowski tensor based morphological approach together with abnormality analysis will provide radiologists and clinicians with a valuable set of tools when interpreting CT lung scans of COVID-19 patients. Implementation would be particularly useful in countries severely devastated by COVID-19 such as India, where the number of cases has outstripped available resources creating delays or even breakdowns in patient care. This AI-driven approach synthesizes both the unique GGO distribution pattern and severity of the disease to allow for more efficient diagnosis, triaging and conservation of limited resources.

§1 Introduction

The COVID-19 pandemic has overwhelmed the world. It has infected over 342 million people and killed over 5.5 million people at the time of writing this paper (source: https://coronavirus.jhu.edu/map.html). The world economy has experienced shutdowns in response to the health crisis. This highly contagious disease, caused by severe acute respiratory syndrome coronavirus 2 (SARS-CoV-2), mainly affects the human respiratory system [1]. The clinical symptoms of the disease range from asymptomatic infection to coughing, body aches, fatigue, fever, shortness of breath, vomiting, loss of smell and taste, and, in severe cases, respiratory failure and death [2]. COVID-19 has a higher incidence among males than females. Older people (> 60 years) with underlying conditions such as obesity, hypertension, deficient immune system, and heart disease are at increased risk for developing severe illness [3].

Early detection and quantification of COVID-19 are direly needed to reduce the spread and mitigation of the disease. Two commonly used diagnostic and assessment tests are the reverse transcriptase-polymerase chain reaction (RT-PCR) and imaging testing such as chest radiograph and computed tomography (CT) [4]. The RT-PCR testing has been below par so far for two reasons: long processing time and poor sensitivity resulting in false negatives. The RT-PCR results depend critically on the rate of viral expression at the time of specimen collection.

The multinational Fleischner society emphasizes the importance of chest CT and chest radiographs in detecting and managing COVID-19 based on patient symptoms, pre-test probability, risk factors, and available resources [5]. Typical imaging findings of COVID-19 include ground glass opacities (GGO) in a bilateral and peripheral distribution or multifocal round GGOs [6]. This can occur with or without interlobular septal thickening and intralobular lines, commonly referred to as a crazy-paving pattern [7]. Features of organizing pneumonia can also be seen later in the disease process. The disease manifestation in CT scans depends on when the scans are taken. Chest CTs may look normal at the onset of the disease and GGO-related features tend to peak 9–13 days after the onset of the disease. CT can be used to determine the severity of the disease, which can help triage resources from patients with mild symptoms to those with severe symptoms. CT is also helpful in identifying asymptomatic patients in communities with widespread transmission of COVID-19.

In countries overrun by the pandemic, rapid and accurate detection of GGOs to diagnose and triage patients with COVID-19 can help improve efficiency and conserve resources. Since the volume of exams can be overwhelming for radiologists, several computational groups around the world have resorted to using machine learning (ML) to detect GGOs on CT exams. As described in the next section, most of the work is based on supervised deep learning techniques in segmenting tumors in medical images. Our approach to GGO analysis is different and has four distinguishing features:

  • We combine an unsupervised computer vision approach with convex hull and convex points algorithms to segment and preserve the actual structure of the lung.
  • To the best of our knowledge, we are the first group to use PointNet++ architecture for 3D visualization, segmentation, classification, and pattern analysis of GGOs.
  • We make abnormality predictions using a deep network and Cox proportional-hazards model using lung CT images of COVID-19 patients.
  • We quantify the shapes and sizes of GGOs using Minkowski tensors to understand the morphological variations of GGOs within the COVID-19 cohort.

The paper is organized as follows: In the next section, we briefly review the literature on the segmentation of GGOs and lungs on chest CT exams of COVID-19 patients using deep learning approaches. In section 3, we describe the data resource and our approach to segmentation of lungs and GGOs. In section 4, we present results on detection, segmentation, abnormality predictions, and shape and size analyses of GGOs. Section 5 contains conclusions.

§2 Related work

Rapid and accurate segmentation of CT scans to assess the severity of the disease in COVID-19 patients presents several challenges for ML methods: blurring due to low contrast in intensities of infected and normal tissues, significant variations in infection features, and insufficient training data. In CT scans of COVID-19 patients, GGOs appear at the periphery of both lungs. The pixel intensities of GGOs and soft tissue are nearly the same, which makes it difficult for non-clinicians to delineate GGOs and soft tissue regions. Various groups have proposed conventional and advanced ML approaches to segment the lung regions. In [8], a Convolutional Neural Network (CNN) Mask R-CNN approach is combined with Bayes, Support Vectors Machine (SVM), K-means, and Gaussian Mixture Models (GMMs) to segment lungs in CT scans. This combined supervised and unsupervised ML approach has an accuracy of 97.68 ± 3.42% and an average runtime of 11.2 seconds for lung segmentation. The results are not surprising because the images are CT scans of healthy patients and therefore not too complicated for segmentation. In [9], the authors utilized a Generative Adversarial Network (GAN) for lung segmentation in CT images. Note that GAN is commonly used for data augmentation and synthesis. The images presented in [9] are only from healthy lung scans. There are no signs of infections on those lung scans. Infected lung scans contain diffused regions, which are much harder to segment by ML algorithms. In [10], a random walker algorithm is used for lung segmentation. In this approach, a gray value is randomly sampled, and the GMM is used to compute the clustering probability. Subsequently, a random walker map is constructed by combining the clustering result with the spatial distance to compute new edge weights. The authors of [10] tested their methodology on 65 CT scans and reported 97% to 99% accuracy for two different datasets. A CNN-based architecture was proposed for lung segmentation in [11]. The authors reported a 98.5% dice coefficient value for this study. Recently, the Inf-Net architecture consisting of multiple convolutional, up-sampling, and down-sampling layers was developed for lung segmentation and applied to datasets of COVID-19 patients [12]. The results for GGO segmentation do not match very well with the ground truth, which indicates that this approach requires further improvements and more training data.

Table 1 summarizes ML studies of lung segmentation in CT scans of healthy and COVID-19 patients.

§3 Materials and methods

We have conducted our study mainly on the “MosMedData: Chest CT Scans with COVID-19 Related Findings dataset (URL: https://mosmed.ai/datasets/covid19_1110), which is freely available for the purpose of research. The dataset contains CT lung scans of 1110 patients with or without COVID-19 infections. The images were acquired between March 1st, 2020 and April 25th, 2020, and are maintained by medical hospitals in Moscow, Russia. The dataset also contains 50 labeled images of GGOs and their consolidations. The CT images in the dataset come from 42% male, 56% female, and 2% other categories of patients. We also evaluated the performance of our trained model on the datasets mentioned in the literature [2224].

§3.1 Segmentation of GGOs in lungs

Currently, there are only a few labeled data sets of CT lung scans of COVID-19 patients. Therefore, supervised deep learning (DL) approaches such as Convolutional Neural Network (CNN) or Recurrent Neural Network (RNN) cannot handle the complexity of the raw 3D data for lungs and GGOs in CT scans. We have circumvented this problem by using an unsupervised DL approach to segment GGOs in unlabeled MosMedData. For algorithmic processing, we extract 2D slices from 3D data while retaining the ability to reconstruct the 3D volume whenever required. Our 3D lung scans are available in Neuroimaging Informatics Technology Initiative (NIfTI) format. We applied the correct windowing filters to retain the regions of interest (ROIs), i.e., whole lung regions and GGOs. We use image processing operations to segment CT images irrespective of how they are coded for healthy and diseased cases. To do this effectively, we first remove skeletal and other background objects from an image slice using a simple thresholding algorithm (see S1 File) with the minimum and maximum values of the image intensity set between 117 and 255, respectively. Next, the resulting image is fed to a marker function which separates the lung from other background objects using morphological operations such as dilation and erosion (see S1 File). The dilation operation makes the lung regions more prominent by filling any small gaps, and the erosion operation removes any unnecessary objects. Lastly, we apply a structuring element operation to fill any gaps missed by the dilation operation (see S1 File). The output is a binary image with ‘1’ representing the lung regions and ‘0’ representing the background.

Next, we use unsupervised approaches to segment lung and GGOs. Fig 7 (see S1 File) (top panel) shows healthy and COVID-19 infected lung images. The diffused GGO region is inside the red square. An expanded view of the GGO region is shown in Fig 7 (see S1 File) (bottom panel). The binary masks generated for lung segmentation misses GGO regions. Hence, we applied a convex hull algorithm (see S1 File) to preserve the actual anatomical structure of the lungs. The convex hull algorithm detects convex points around the outer surface of both lungs. The inner surface of the lungs was left untouched.

Fig 1 shows the workflow for lung segmentation. The original image (Fig 1A) and its binary mask leave an incomplete structure of the lung because the pixel intensities of GGO and soft tissue regions are very similar to each other and hard to delineate. Moreover, some parts of the lung are missing after masking. We apply the convex hull algorithm (see S1 File) to address these problems caused by masking. The convex hull detection results are shown in Fig 1C. The red dots around the edges of both lungs represent convex points. Next, we computed pairwise Euclidean distances and drew a green line if any pairwise distance was less than 80 pixels (this value may vary with the dataset). We connected the missing GGO regions from the segmented lung images in such a way that the original lung structure was restored (Fig 1D and 1E). Finally, we converted the binary mask into an RGB mask using bitwise operation between binary masks and original images.

thumbnail
Fig 1.

Shows the workflow of lung segmentation: In (a) we show an original image of lung CT scan, and (b) shows a binary mask of the original image. Since the pixel intensities of GGO and bone regions are similar to each other, the binary mask shows an incomplete structure of the lung. Some parts of the lungs are missing. To restore the missing parts, we applied the convex hull algorithm to the binary mask. The convex hull algorithm detects convex points [red dots in Fig 1C], and we compute pairwise Euclidean distances to connect nearest-neighbor points by a green line if the distance between them is less than 80 pixels [Fig 1C]. Fig 1D and 1E show the restored mask and the corresponding RGB image, respectively.

https://doi.org/10.1371/journal.pone.0263916.g001

To segment GGOs, we segregated individual clusters of RGB lung masks using the K-means algorithm. The GGOs were assigned to the cluster 1, lungs without GGOs to cluster 2, and the background corresponding to pixel values zeros to cluster 3. We applied connected component algorithms to remove unwanted small objects from the final results. The GGO detection results marked with red color are shown in the supplementary material, see Fig 8 in S1 File.

§4 Results

We have used AI approaches and tensor analysis to characterize GGOs segmented from images in MosMedData. This section describes the use of PointNet++ for 3D visualization, classification, segmentation, and spatial distribution of GGOs. Next, we discuss our model for abnormality assessment and predictions based on the PointNet++ analysis. Lastly, we discuss how GGO shapes and sizes are quantified with the Minkowski tensor approach.

§4.1 Point cloud and PointNet++ for pattern analysis of GGO distribution

A point cloud is a set of geometric data points in which each point represents a 3D centroid in Cartesian coordinates [2527]. The PointNet and PointNet++, developed by the Stanford group [2830], use point cloud data as input to segment and classify 3D objects in a much more efficient way with less memory overhead than pixel or voxel-based methods such as CNN.

PointNet or PointNet++ has rarely been used for medical image analysis. To the best of our knowledge, we are the first group to use the PointNet++ architecture for 3D visualization, segmentation, classification, and pattern analysis of GGOs. The main challenge in applying PointNet++ to CT scans of COVID-19 patients is the data conversion from images to the point cloud representation and the training of PointNet++. These challenges are addressed by developing ML algorithms, which convert segmented lung images (described in section 3.1) to Hounsfield units (HU) and then to point cloud. They respect the permutation invariance of the input points and are more robust with respect to input perturbations.

We used the segmented lungs and GGOs as the main data points. We selected 16 slices from sets of 25 or more slices and kept those representing the full lung and removed others containing just lungs or soft tissue parts. Incidentally, from the algorithmic point of view, there are no restrictions on the number of slices one can include in the point cloud representation. We computed centroid points using the HU data values. Fig 2 shows the workflow diagram of the point cloud and PointNet++ for pattern analysis of GGO distribution.

thumbnail
Fig 2. Shows the workflow diagram of the point cloud and PointNet++ for pattern analysis of GGO distribution.

The PointNet++ architecture used in this study is the same as the original architecture in [28 and 29]. The data preparation pipeline is new, which we developed for generating point clouds from 3D lung CT scans. We stacked all segmented lung images to construct a 3D image and used sampling and grouping to select 2048 points for point clouds. We fed those points to the PointNet++ architecture, which was constructed with a multiple set of abstraction layers. Each set abstraction layer consisted of a sampling layer, grouping layer, and PointNet [28]. Multiple set abstraction layers formed a hierarchical feature learning architecture, which was divided into two parts: Segmentation and classification. For data segmentation, we merged local and global features to get the score of individual data points. For classification, global features were fed to two fully connected (FC) layers. MLP—Multilayer Perceptron.

https://doi.org/10.1371/journal.pone.0263916.g002

The sixteen slices we chose generated close to 800,000 geometric data points. We reduced the number of data points by down-sampling and grouping centroid points to represent the local neighborhood around each point. In this way, we reduced the number of points in point clouds to 2048 without affecting the properties of point clouds or the actual structure of lung images. Next, we trained the PointNet++. As shown in Fig 2, the PointNet++ had a multiple set of abstraction layers forming a hierarchical feature learning architecture [28, 29], which merged local and global features to get the score of individual data points and used two fully connected layers to extract global features for classification.

The training and testing curves for PointNet++ are shown in Fig 3 and the performance of PointNet++ in Table 2. The evaluation accuracy of PointNet++ is 97.64% and its evaluation intersection over union is 92.20%. The results of PointNet++ are displayed in Fig 4, where cyan color bubbles represent lung and green color bubbles represent GGOs. These 3D results are constructed with sixteen slices. The 3D renditions can be rotated in any direction to view the distribution pattern of GGOs over the entire stack (see the movie in the supplementary material).

thumbnail
Fig 3. Shows the PointNet++ training and testing curves.

Training and testing accuracies increase with increasing wall time and concomitantly the loss decreases with increasing wall time. This is an ideal behavior of a properly trained model.

https://doi.org/10.1371/journal.pone.0263916.g003

thumbnail
Fig 4. Final results after training the PointNet++ using point cloud data are shown here.

The 3D images show different regions from different angles. Cyan color points/bubbles represent non-GGO regions and green color points/bubbles represent GGO regions.

https://doi.org/10.1371/journal.pone.0263916.g004

§4.2 Automated abnormality classification

Abnormality score classification is a vital part of self-interpretable AI and anomaly detection [31]. We computed the abnormality of individual regions of the segmented lung and GGOs (described in section 3.1) using a CNN network presented in Fig 5. This network is the same as VGG-16 except for the first four convolution layers which were reduced to two. These architectural changes achieved better performance. The first four convolution layers of the VGG-16 network accept images of size 224 x 224 pixels and 112 x 112pixels. Our input data size is 512 x 512pixels. To accommodate our images into VGG-16, we had to resize the image. But resizing large images into smaller sizes at the initial stage has a chance of information loss. Hence, we have replaced the four convolution layers with two layers. Accordingly, we have changed the kernel size and max-pooling operations. Moreover, in the VGG-16 network, the final layer is the fully connected layer. In our case, the final layer is the Cox layer, which computes abnormality scores. If we use exactly the VGG-16 network, we will not be able to compute abnormality scores. The CNN network is comprised of multiple convolutions, max-pooling, and dense layers at the end of the network. Rectified linear units were used after each convolution layer, and an adaptive learning technique with log-likelihood loss functions was used for the training of the network. The dropout was set at 0.5, the initial learning rate to 0.001, and the model was trained up to 60 epochs.

thumbnail
Fig 5.

(a) The architecture of the CNN for abnormality prediction. We used the segmented lungs and GGOs as input images (described in section 3.1). (b) Workflow diagram for abnormality prediction. We used the CNN architecture mentioned in Fig 5A. The output of the CNN network was fed to the Cox model to compute abnormality. The output of abnormality scores is represented by a heatmap. Orange to red color denotes high-abnormality regions.

https://doi.org/10.1371/journal.pone.0263916.g005

The output of the last dense layer was fed to the Cox proportional hazard model (see S1 File) [32, 33]. This regression model is generally used for computing abnormality scores and survival analysis. The model computed scores of individual regions of segmented lung and GGOs. Based on the values of the Cox model, low-abnormality and high-abnormality regions were determined. The regions which belong to a healthy lung or background were considered low abnormality regions. The regions containing GGOs or some other malignant signatures like a tumor nodule were deemed high-abnormality regions. Fig 5A shows the CNN architecture for automated abnormality classification, and the workflow diagram of the methodology is shown in Fig 5B. The original image was fed to a CNN and then the Cox model was used to construct the abnormality heatmap. Low and high abnormality regions are colored black and red, respectively. Fig 9 in S1 File shows regions of abnormality in many CT images.

§4.3 Shape analysis of GGOs

GGOs are highly anisotropic objects. Scalar quantities such as volume and surface area cannot capture anisotropic features of GGOs. Therefore, we use Minkowski tensors to characterize the shapes of GGOs [34, 35]. Minkowski tensors are based on the mathematical foundations of integral and stochastic geometry. A simple example of shape representation by a tensor is the moment of inertia of a rotating body about an axis. Generalizing the concept of volume, surface area and local curvatures, Minkowski tensors quantify the morphologies of anisotropic objects in terms of shape indices. Minkowski functionals are rank-2 tensors and have four independent real-valued components in d = 2 spatial dimensions and six in d = 3 dimensions. For a three-dimensional object K with the surface ∂K, the six tensor components are given by, where H(r) = (κ1 + κ2)/ 2 and G(r) = (κ1 κ2) are the mean and Gaussian curvatures, n(r) is the normal vector of ∂K at r, and ⊗ denotes the tensor product (aa)ij = aiaj.

Geometric methods have been developed for biological shape analysis, and shape-based methods have been used for diagnosis of lung nodules [3638]. Minkowski tensor-based shape analysis is a new approach to analyze shapes of GGOs. They have been used in general theory of relativity and materials science. Highly efficient algorithms have been developed to compute Minkowski tensors in linear time (URL: www.theorie1.physik.uni-erlangen.de), and they have been used to characterize a variety of systems: (a) surface force microscopy images of co-polymer films and X-ray tomography images of open-cell liquid foams; (b) models of liquid foams and granular materials consisting of spherical beads; and (c) defect structures in molecular dynamics simulations of metals.

We characterize anisotropies in GGOs in terms of the eigenvalues of Minkowski tensors. The degree of anisotropy is expressed as the ratios of the minima to maxima of eigenvalues: where μmin is the minimum and μmax is the maximum eigenvalue of the tensor . The absolute value is introduced because the tensor can have negative eigenvalues for non-convex objects. For isotropic bodies, , and deviations from unity reflect the degree of anisotropy.

We analyzed the shapes of individual GGOs using Minkowski tensors and their eigenvalues and computed areas, perimeters, area fractions, isoperimetric ratios, anisotropy indices, and different quadrupole moments (q2, q3, q4, q5, and q6) of GGOs. The results are shown in Fig 6. The probability distribution in Fig 6A indicates a peak around -600 HU and a tail extending to -150 HU for GGOs in the dataset. A majority of GGOs in the dataset lie in the tail region corresponding to high-abnormality scores in the heatmap of Fig 5. The average area and perimeters of GGOs in image slices are 3821 and 578, respectively. The β1 index is around 0.85, which indicates 15% asphericity for GGOs. The isoperimetric ratio is 0.144. Among the moments, q3 and q6 are the largest and the dipole moment q2 is the second largest. We also computed the radial distribution function, g(r), and pixel radius and normalized integrated intensity (Fig 6B). The radial distribution function lies between 90 and 150 pixels, peaking around 120 which indicates that pixels in GGOs are correlated over long distances.

thumbnail
Fig 6. GGO shape analysis of COVID-19 data using Minkowski tensors.

(a) Probability distribution shows that GGOs for all the images lie between -800 and -150 HU with peaks in the distribution centered around -600 HU. (b) Radial distribution function versus distance shows a peak around 125 pixels.

https://doi.org/10.1371/journal.pone.0263916.g006

§5 Conclusion

We have demonstrated the efficacy of an end-to-end unsupervised deep learning approach to modeling GGOs segmented from CT images of the lungs in COVID-19 patients. The segmentation and classification approach, PointNet++, can accurately detect GGOs in 3D CT scans. Instead of modeling all the pixels of a GGO, we use point cloud feature learning in which a small fraction of pixels is sampled randomly and the 3D shape of a GGO is faithfully reconstructed. In addition to its efficiency, our approach has the benefit of representing the local neighborhood of a point using features that can be used in downstream ML algorithms. The accuracy of PointNet++ in detecting GGOs is 98%, the average class accuracy is 95%, and the intersection over union is 92%. To the best of our knowledge, no other group has demonstrated the segmentation or quantified the morphologies of GGOs from 3D CT scans of lungs.

We have used a mathematical approach based on Minkowski tensors to quantify the size and shape distributions of GGOs. On average, the shapes of GGOs in the COVID-19 datasets deviate from sphericity by 15% and anisotropies in GGOs are dominated by dipole and hexapole components. These anisotropies may help to quantitatively delineate GGOs of COVID-19 from other lung diseases. Furthermore, the 3D modeling of GGO in the lung enhances identification of classic disease patterns in COVID-19.

The PointNet++ and the Minkowski tensor based morphological approach together with abnormality analysis will provide radiologists and clinicians with a valuable set of tools when interpreting CT lung scans of COVID-19 patients. Implementation would be particularly useful in countries severely devastated by COVID-19 such as India, where the number of cases has outstripped available resources creating delays or even breakdowns in patient care. This AI-driven approach synthesizes both the unique GGO distribution pattern and severity of the disease to allow for more efficient diagnosis, triaging and conservation of limited resources.

Software and hardware

Our model was trained using TensorFlow (r2.3) on NVIDIA DGX-1 servers equipped with eight NVIDIA V100 GPUs. All the algorithms were developed using Python.

Codes

The relevant codes will be made available for the public upon acceptance of this manuscript.

Supporting information

S1 File. This is the supporting material file.

https://doi.org/10.1371/journal.pone.0263916.s001

(ZIP)

S2 File. This file contains some additional results.

https://doi.org/10.1371/journal.pone.0263916.s002

(PPTX)

References

  1. 1. Yuki K, Fujiogi M, Koutsogiannaki S. COVID-19 pathophysiology: A review. Clinical immunology. 2020 Jun 1; 215:108427. pmid:32325252
  2. 2. Zhang Q, Shan KS, Abdollahi S, Nace T. Anosmia and ageusia as the only indicators of coronavirus disease 2019 (COVID-19). Cureus. 2020 May;12(5).
  3. 3. Richardson DP, Lovegrove JA. Nutritional status of micronutrients as a possible and modifiable risk factor for COVID-19: a UK perspective. British journal of nutrition. 2021 Mar;125(6):678–84. pmid:32815493
  4. 4. Li D, Wang D, Dong J, Wang N, Huang H, Xu H, Xia C. False-negative results of real-time reverse-transcriptase polymerase chain reaction for severe acute respiratory syndrome coronavirus 2: role of deep-learning-based CT diagnosis and insights from two cases. Korean journal of radiology. 2020 Apr 1;21(4):505–8. pmid:32174053
  5. 5. Rubin GD, Ryerson CJ, Haramati LB, Sverzellati N, Kanne JP, Raoof S, et al. The role of chest imaging in patient management during the COVID-19 pandemic: a multinational consensus statement from the Fleischner Society. Radiology. 2020 Jul;296(1):172–80. pmid:32255413
  6. 6. Parekh M, Donuru A, Balasubramanya R, Kapur S. Review of the chest CT differential diagnosis of ground-glass opacities in the COVID era. Radiology. 2020 Dec; 297(3): E289–302. pmid:32633678
  7. 7. Ojha V, Mani A, Pandey NN, Sharma S, Kumar S. CT in coronavirus disease 2019 (COVID-19): a systematic review of chest CT findings in 4410 adult patients. European radiology. 2020 Nov; 30:6129–38. pmid:32474632
  8. 8. Hu Q, Souza LF, Holanda GB, Alves SS, Silva FH, Han T, et al. An effective approach for CT lung segmentation using mask region-based convolutional neural networks. Artificial intelligence in medicine. 2020 Mar 1; 103:101792. pmid:32143797
  9. 9. Tan J, Jing L, Huo Y, Li L, Akin O, Tian Y. LGAN: Lung segmentation in CT scans using generative adversarial network. Computerized Medical Imaging and Graphics. 2021 Jan 1; 87:101817. pmid:33278767
  10. 10. Chen C, Xiao R, Zhang T, Lu Y, Guo X, Wang J, et al. Pathological lung segmentation in chest CT images based on improved random walker. Computer Methods and Programs in Biomedicine. 2021 Mar 1; 200:105864. pmid:33280937
  11. 11. Gerard SE, Herrmann J, Xin Y, Martin KT, Rezoagli E, Ippolito D, et al. CT image segmentation for inflamed and fibrotic lungs using a multi-resolution convolutional neural network. Scientific reports. 2021 Jan 14;11(1):1–2. pmid:33414495
  12. 12. Fan DP, Zhou T, Ji GP, Zhou Y, Chen G, Fu H, et al. Inf-net: Automatic covid-19 lung infection segmentation from ct images. IEEE Transactions on Medical Imaging. 2020 May 22;39(8):2626–37. pmid:32730213
  13. 13. Yoo Y, Shim H, Yun ID, Lee KW, Lee SU. Segmentation of ground glass opacities by asymmetric multi-phase deformable model. In Medical Imaging 2006: Image Processing 2006 Mar 16 (Vol. 6144, p. 614440). International Society for Optics and Photonics.
  14. 14. Zhou J, Chang S, Metaxas DN, Zhao B, Ginsberg MS, Schwartz LH. An automatic method for ground glass opacity nodule detection and segmentation from CT studies. In 2006 International Conference of the IEEE Engineering in Medicine and Biology Society 2006 Sep (pp. 3062–3065). IEEE.
  15. 15. Scholten ET, Jacobs C, van Ginneken B, Willemink MJ, Kuhnigk JM, van Ooijen PM, et al. Computer-aided segmentation and volumetry of artificial ground-glass nodules at chest CT. American Journal of Roentgenology. 2013 Aug;201(2):295–300. pmid:23883209
  16. 16. Li B, Shen J, Li L, Yu C. Radiographic and clinical features of children with coronavirus disease (COVID-19) pneumonia. Indian pediatrics. 2020 May; 57:423–6. pmid:32255437
  17. 17. Zheng B, Liu Y, Zhu Y, Yu F, Jiang T, Yang D, et al. MSD-Net: Multi-scale discriminative network for COVID-19 lung infection segmentation on CT. IEEE Access. 2020 Sep 29; 8:185786–95. pmid:34812359
  18. 18. Jin Q, Cui H, Sun C, Meng Z, Wei L, Su R. Domain adaptation based self-correction model for COVID-19 infection segmentation in CT images. Expert Systems with Applications. 2021 Aug 15; 176:114848. pmid:33746369
  19. 19. Pal R, Sekh AA, Kar S, Prasad DK. Neural network based country wise risk prediction of COVID-19. Applied Sciences. 2020 Jan;10(18):6448.
  20. 20. Gao Y, Cai GY, Fang W, Li HY, Wang SY, Chen L, et al. Machine learning based early warning system enables accurate mortality risk prediction for COVID-19. Nature communications. 2020 Oct 6;11(1):1–0. pmid:31911652
  21. 21. Li Y, Ma L, Tan W, Sun C, Cao D, Li J. GRNet: Geometric relation network for 3D object detection from point clouds. ISPRS Journal of Photogrammetry and Remote Sensing. 2020 Jul 1; 165:43–53.
  22. 22. Zhao J, Zhang Y, He X, Xie P. Covid-CT-dataset: a CT scan dataset about covid-19. arXiv preprint arXiv:2003.13865. 2020 Jun;490.
  23. 23. He X, Yang X, Zhang S, Zhao J, Zhang Y, Xing E, et al. Sample-efficient deep learning for COVID-19 diagnosis based on CT scans. medrxiv. 2020 Jan 1.
  24. 24. Yang X, He X, Zhao J, Zhang Y, Zhang S, Xie P. COVID-CT-dataset: a CT scan dataset about COVID-19. arXiv preprint arXiv:2003.13865. 2020 Mar 30.
  25. 25. Rusu RB, Cousins S. 3d is here: Point cloud library (pcl). In2011 IEEE international conference on robotics and automation 2011 May 9 (pp. 1–4). IEEE.
  26. 26. Woo H, Kang E, Wang S, Lee KH. A new segmentation method for point cloud data. International Journal of Machine Tools and Manufacture. 2002 Jan 1;42(2):167–78.
  27. 27. Unal O, Van Gool L, Dai D. Improving Point Cloud Semantic Segmentation by Learning 3D Object Detection. InProceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision 2021 (pp. 2950–2959).
  28. 28. Qi CR, Su H, Mo K, Guibas LJ. Pointnet: Deep learning on point sets for 3d classification and segmentation. InProceedings of the IEEE conference on computer vision and pattern recognition 2017 (pp. 652–660).
  29. 29. Qi CR, Yi L, Su H, Guibas LJ. Pointnet++: Deep hierarchical feature learning on point sets in a metric space. arXiv preprint arXiv:1706.02413. 2017 Jun 7.
  30. 30. Zhang L, Wang H. A novel segmentation method for cervical vertebrae based on PointNet++ and converge segmentation. Computer Methods and Programs in Biomedicine. 2021 Mar 1; 200:105798. pmid:33545639
  31. 31. Barda N, Riesel D, Akriv A, Levy J, Finkel U, Yona G, et al. Developing a COVID-19 mortality risk prediction model when individual-level data are not available. Nature communications. 2020 Sep 7;11(1):1–9. pmid:31911652
  32. 32. Mobadersany P, Yousefi S, Amgad M, Gutman DA, Barnholtz-Sloan JS, Vega JE, et al. Predicting cancer outcomes from histology and genomics using convolutional networks. Proceedings of the National Academy of Sciences. 2018 Mar 27;115(13): E2970–9. pmid:29531073
  33. 33. Lin DY, Wei LJ. The robust inference for the Cox proportional hazards model. Journal of the American statistical Association. 1989 Dec 1;84(408):1074–8.
  34. 34. “Minkowski functionals: Robust and versatile shape descriptors,” https://morphometry.org/morphometer/index.html?mode=EXPERT?type=IM?anaparam=other?anatype=grayscale, accessed: 2021-03-31.
  35. 35. Schröder-Turk GE, Mickel W, Kapfer SC, Klatt MA, Schaller FM, Hoffmann MJ, et al. Minkowski tensor shape analysis of cellular, granular and porous structures. Advanced Materials. 2011 Jun 17;23(22–23):2535–53. pmid:21681830
  36. 36. El-Baz A, Nitzken M, Khalifa F, Elnakib A, Gimel’farb G, Falk R, et al. 3D shape analysis for early diagnosis of malignant lung nodules. InBiennial International Conference on Information Processing in Medical Imaging 2011 Jul 3 (pp. 772–783). Springer, Berlin, Heidelberg.
  37. 37. Kazerooni EA, Gross BH. Cardiopulmonary imaging. Lippincott Williams & Wilkins; 2004.
  38. 38. Funama Y, Awai K, Liu D, Oda S, Yanaga Y, Nakaura T, et al. Detection of nodules showing ground-glass opacity in the lungs at low-dose multidetector computed tomography: phantom and clinical study. Journal of computer assisted tomography. 2009 Jan 1;33(1):49–53. pmid:19188784