Next Article in Journal
Can Magnetic Resonance Radiomics Analysis Discriminate Parotid Gland Tumors? A Pilot Study
Next Article in Special Issue
A Performance Comparison between Automated Deep Learning and Dental Professionals in Classification of Dental Implant Systems from Dental Imaging: A Multi-Center Study
Previous Article in Journal
Chest CT Findings after 4 Months from the Onset of COVID-19 Pneumonia: A Case Series
Previous Article in Special Issue
Automated Segmentation and Severity Analysis of Subdural Hematoma for Patients with Traumatic Brain Injuries
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

CoSinGAN: Learning COVID-19 Infection Segmentation from a Single Radiological Image

1
School of Life Science, Beijing Institute of Technology, Haidian District, Beijing 100081, China
2
Key Laboratory of Convergence Medical Engineering System and Healthcare Technology, Ministry of Industry and Information Technology, Haidian District, Beijing 100081, China
*
Author to whom correspondence should be addressed.
Diagnostics 2020, 10(11), 901; https://doi.org/10.3390/diagnostics10110901
Submission received: 13 October 2020 / Revised: 29 October 2020 / Accepted: 30 October 2020 / Published: 3 November 2020
(This article belongs to the Special Issue Deep Learning for Computer-Aided Diagnosis in Biomedical Imaging)

Abstract

:
Computed tomography (CT) images are currently being adopted as the visual evidence for COVID-19 diagnosis in clinical practice. Automated detection of COVID-19 infection from CT images based on deep models is important for faster examination. Unfortunately, collecting large-scale training data systematically in the early stage is difficult. To address this problem, we explore the feasibility of learning deep models for lung and COVID-19 infection segmentation from a single radiological image by resorting to synthesizing diverse radiological images. Specifically, we propose a novel conditional generative model, called CoSinGAN, which can be learned from a single radiological image with a given condition, i.e., the annotation mask of the lungs and infected regions. Our CoSinGAN is able to capture the conditional distribution of the single radiological image, and further synthesize high-resolution (512 × 512) and diverse radiological images that match the input conditions precisely. We evaluate the efficacy of CoSinGAN in learning lung and infection segmentation from very few radiological images by performing 5-fold cross validation on COVID-19-CT-Seg dataset (20 CT cases) and an independent testing on the MosMed dataset (50 CT cases). Both 2D U-Net and 3D U-Net, learned from four CT slices by using our CoSinGAN, have achieved notable infection segmentation performance, surpassing the COVID-19-CT-Seg-Benchmark, i.e., the counterparts trained on an average of 704 CT slices, by a large margin. Such results strongly confirm that our method has the potential to learn COVID-19 infection segmentation from few radiological images in the early stage of COVID-19 pandemic.

1. Introduction

The highly contagious Coronavirus Disease 2019 (COVID-19), caused by the severe acute respiratory syndrome coronavirus 2 (SARS-CoV-2) virus [1,2,3], has spread rapidly across the world and millions of people have been infected. This surge in infected patients has overwhelmed healthcare systems in a short time. Due to the close contact with patients, many medical professionals have also been infected, further worsening the healthcare situation. Globally, as of 3:24 p.m. CEST, 8 October 2020, there have been 36,002,827 confirmed cases of COVID-19, including 1,049,810 deaths, reported to World Health Organization (WHO) [4]. Early detection of COVID-19 is significantly important to prevent the spread of this epidemic.
Reverse transcription polymerase chain reaction (RT-PCR) is the de facto golden standard for COVID-19 diagnosis [5,6]. However, the global shortage in RT-PCR test kits has severely limited the extensive detection of COVID-19. Meanwhile, the current clinical experience implies RT-PCR has a low sensitivity [7,8,9], especially in the early outbreak of COVID-19. This means that multiple testing may be required to rule out the false negative cases [10], which may delay the confirmation of suspected patients and take up huge healthcare resources.
Since most patients infected by COVID-19 are initially diagnosed with pneumonia [11], radiological examinations, including computed tomography (CT) and X-rays, are able to provide visual evidence of COVID-19 infection for diagnosis and patient triage. Existing chest CT findings in COVID-19 infection [12] have implied that chest CT screening on patients in the early stage of COVID-19 presents superior sensitivity over RT-PCR [8] and even confirms the false negative cases given by RT-PCR [5]. Therefore, radiological examinations are currently used as parallel testing in COVID-19 diagnosis. However, as the number of infected patients dramatically increases, clinicians need to analyze radiographs repeatedly, which brings huge pressure to them. Therefore, there is an immediate need for developing methods for automated infection measurement and COVID-19 diagnosis based on radiological images to reduce the efforts of clinicians and accelerate the diagnosis process.
Many approaches, mostly using deep models, have been proposed for automated COVID-19 diagnosis based on chest CT [10,13,14,15] or chest X-ray [11,16], and have claimed notable detection accuracy of COVID-19 infection. However, the research of these approaches tends to lag slightly behind the outbreak of COVID-19 pandemic. It is probably because accumulating sufficient radiological images that are required to train deep models is difficult in the early stage of COVID-19 pandemic. To solve the dilemma of training deep models on insufficient training samples and realize automated COVID-19 diagnosis in the early stage, some research resorts to a shallow network [11], prior knowledge [11], transfer learning [16,17], and data augmentation method based on a generative adversarial network (GAN) [17,18]. However, these methods still require a relatively large training dataset, and thus cannot respond immediately to the outbreak of the COVID-19 pandemic.
The COVID-19-CT-Seg-Benchmark [19], to our best knowledge, is the first attempt to explore annotation-efficient methods for COVID-19 CT scan segmentation by focusing on left lung, right lung and infection segmentation from three perspectives: (1) learning with limited annotations; (2) learning to segment COVID-19 CT scans from non-COVID-19 CT scans; and (3) learning with both COVID-19 and non-COVID-19 CT scans. According to the benchmark results [19] (https://gitee.com/junma11/COVID-19-CT-Seg-Benchmark), the gains in COVID-19 infection segmentation performance from learning with other lung lesion CT scans (e.g., lung cancer and pleural effusion) are rather limited, or, to be more precise, are negative. Thus, we mainly focus on the task of learning with limited annotations. To be more annotation-efficient, we further make the task more challenging: learning with limited CT slices instead of limited CT volumes. In particular, we aim to explore the feasibility of learning automated lung and COVID-19 infection segmentation from a single radiological image by resorting to generating diverse labeled radiological images.
GAN is one of the most famous generative models, and is able to generate realistic images that are indistinguishable from real ones in limited domains through adversarial learning [20]. GAN consists of two components, i.e., a generator and a discriminator. The generator is trained by minimizing the image reconstruction loss and adversarial loss simultaneously, thereby fooling the discriminator to maximize the probability of generated image being classified as real images. GAN has been widely used in various computer vision tasks, such as image synthesis [21,22], image resolution [23], image restoration [24], image editing [25], and image-to-image translation [26]. However, training these GAN models [21,22,23,24,25,26] requires tens of thousands of images [27]. Several recent works have proposed to ‘overfit’ a deep model to a single training example [27,28,29,30]. Specifically, Zhou et al. [28] proposed a generative model to be trained on a single texture image, and used it for example-based non-stationary texture synthesis. Unlike [28], Shocher et al. [29] introduced an internal GAN (InGAN) to be trained on a single natural image, and illustrated it in the context of retargeting. To expand the applications of single image generative model, Shaham et al. [30] designed a pure generative model, i.e., SinGAN, by mapping noise to image, and illustrated it in a wide range of image manipulation tasks such as super-resolution, paint-to-image, harmonization, and single image animation. Moreover, to make the training process more tractable, Hinz et al. [27] proposed several improved techniques for training single-image GANs. However, these methods are not suitable for our task because they cannot be learned easily from a single radiological image to get the labeled radiological images by synthesizing the lungs and infected regions at any given positions. In other words, we need to learn a generative model that is conditioned on the positions of the lungs and infected regions from a single radiological image.
Learning such a conditional generative model from a single image is very challenging. One should prevent the generator from being ‘overfitted’ to the single input condition, and, meanwhile, need to ‘overfit’ the generator to the single training image as much as possible. The former aims to make the generator can generalize to different conditions, whereas the latter aims at reconstructing clear and accurate image details. One of the key points for learning such a conditional generative model is image augmentation, which is not so critical for SinGAN [30] or for the GANs [21,22,23,24,25,26] trained on large datasets. Strong data augmentation is an effective approach to avoid overfitting, whereas it may corrupt the real data distribution and put an additional learning burden on the generator, thus leading to blurry image details. In comparison, weak (or no) data augmentation helps to reduce the fitting error, whereas it may make the generator not be able to generalize to different input conditions. Pix2pix [26] is a well-known image-to-image translation framework. To illustrate the conflict between fitting images and fitting conditions, we adapt pix2pix to our task by mapping the annotation mask of the lungs and infected regions to radiological image, and train two pix2pix models by using weak augmentation and strong augmentation, respectively. As illustrated in Figure 1, by using weak augmentation, the pix2pix model can produce high-quality images when the input conditions are close to the training one, whereas, when the input conditions are different from the training one, it fails to reconstruct image details accurately. In contract, by using strong augmentation, the pix2pix model can produce synthetic images with similar quality in spite of being blurry. To sum up, weak augmentation helps to fit images, whereas strong augmentation helps to fit conditions. Handling the balance between fitting image and fitting condition is very challenging, and, more importantly, the images produced by the pix2pix model look far from perfect.
To address these challenges, we propose a novel conditional generative model, called CoSinGAN, which can be learned from a single radiological image with a condition, i.e., the annotations of the lung and COVID-19 infection. Inspired by SinGAN [30], we build CoSinGAN with a pyramid of GANs, each of which is responsible for translating condition masks into radiological images on a different scale. We design a two-stage generator at each scale to cooperate with the multi-scale architecture by progressively adding image details and enhancing the condition constraints. A mixed reconstruction loss and a hierarchical data augmentation module are proposed to make the training of a pyramid of GANs more tractable. The former provides rich and stable gradient information for optimizing generators, while the latter produces data augmentation with different intensities for handling the balance between fitting condition and fitting image. Moreover, we provide an effective approach for CoSinGAN to generate diverse radiological images. Extensive ablation experiments strongly confirm the efficacy of our proposed methods. We evaluate the efficacy of CoSinGAN in learning lung and infection segmentation from few radiological images by performing 5-fold cross validation on a COVID-19-CT-Seg dataset (20 CT cases) and an independent test on MosMed dataset (50 CT cases). Both 2D U-Net and 3D U-Net [31,32] trained on synthetic images have achieved notable segmentation performance that are superior to the COVID-19-CT-Seg-Benchmark results. Note that our method uses only four real labeled slices, which are extremely less than an average of 704 real labeled images used in COVID-19-CT-Seg-Benchmark. Such results strongly confirm that our method has the potential to learn COVID-19 diagnosis from very few radiological images in the early stage of the COVID-19 pandemic. Our codes will be made publicly available at https://github.com/PengyiZhang/CoSinGAN.

2. Material and Methodology

2.1. Methodology

CoSinGAN consists of three key components, including multi-scale architecture with a pyramid of two-stage GANs, a mixed reconstruction loss, and a hierarchical data augmentation module.

2.1.1. Multi-Scale Architecture with a Pyramid of Two-Stage GANs

Overall. Learning a GAN-based generative model to synthesize high-resolution images is very challenging due to the unstable adversarial training process. A useful trick is to learn a pyramid of GANs as adopted by SinGAN [30] to increase the image resolution progressively. We borrow this trick and build CoSinGAN with a multi-scale architecture as depicted in Figure 2. Note that we intend to use the synthetic radiological images to train deep models for automated lung and infection segmentation. Therefore, the synthetic radiological images should match the given input conditions precisely. To achieve that, CoSinGAN is designed to capture the ‘conditional’ distribution of a single radiological image rather than the ‘unconditional’ distribution of a single nature image as done by SinGAN. Learning conditional distribution from a single image is more challenging because one should pay more attention to preventing deep models from being ‘overfitted’ to the single input condition, and, meanwhile, need to ‘overfit’ them to the single training image as much as possible. To tackle this problem, at each scale, we design a two-stage GAN to cooperate with the pyramid hierarchy. The first stage is mainly responsible for fitting the input condition and increasing the image resolution, while the second stage is responsible for restoring image details that may not be reconstructed accurately in the first stage. Through iterative optimization between enhancing condition constraints and restoring image details across all image scales, our CoSinGAN can generate realistic and high-resolution radiological images that match the given input conditions precisely as illustrated in Figure 3 and Figure 4.
Multi-scale architecture. As shown in Figure 2, CoSinGAN consists of N + 1 GANs, i.e., multi-scale generators { G 0 , G 1 , , G N } and multi-scale discriminators { D 0 , D 1 , , D N } , corresponding to N + 1 different image scales. The original single training image X o r i g and its condition mask C o r i g are initially resized to the pre-defined image scales respectively to conduct the training sample { X i , C i | i [ 0 , N ] } for N + 1 GANs. The training of CoSinGAN starts from the coarsest image scale 0, and gradually passes through all image scales. Note that we only train one stage of a GAN at a time and the other GANs are fixed. For the generation of radiological images at the specific scale i, the generators { G 0 , G 1 , , G N } are sequentially involved, where the output O j 1 of G j 1 is upsampled to the j-th image scale, and is further combined with C j to build the input of G j ( j [ 1 , i ] ). Benefiting from the output O j 1 of previous generator G j 1 , G j will not fail quickly in the adversarial learning of GAN, and will continue to fight with D j and learn to generate realistic radiological image gradually. As there is no previous scale, G 0 learns to map the conditional mask C 0 into radiological image directly. Due to the small image scale, G 0 can be trained easily and further start the training of subsequent image scales smoothly. The multi-scale conditions { C i | i [ 1 , N ] ) } , modulating the input of GANs across N image scales, will enforce the output of CoSinGAN to match the given conditions strictly.
Two-stage GAN. At a specific image scale i, we design a two-stage GAN as depicted in Figure 5. The generator G i in its first stage, called G i s , is designed to perform conditional image super-resolution, responsible for fitting the condition and increasing image resolution simultaneously. G i s inputs the output O i 1 from previous scale i 1 that is first upsampled to the i-th image scale and sequentially modulated by the condition C i , and outputs an image O i s with the i-th image scale:
O i s = G i s ( U i ( O i 1 ) + C i )
where U i denotes the upsampling operation. In the second stage, we directly copy the trained generator G i s to perform unconditional image restoration, thus called G i r . G i r inputs O i s and outputs an image O i r with the i-th image scale:
O i r = G i r ( O i s )
Thus, the full image generation process of proposed two-stage GAN can be formulated as:
O i = G i r ( G i s ( U i ( O i 1 ) + C i ) )
We specially design a hierarchical data augmentation module, which can produce strong augmentation and weak augmentation (detailed in Section 2.1.3) to train such a two-stage GAN. We first perform strong augmentation on training sample ( X i , C i ) to train G i s to make G i s can generalize to different input conditions. Next, we do weak augmentation on training sample ( X i , C i ) to train G i r to make G i r restore image details as much as possible. The two-stage GAN is trained by a two-step optimization: (a) enhance given condition constraints but may blur image details, and (b) restore more image details but may violate given conditions. By iterating such a two-step optimization through all image scales progressively, CoSinGAN learns to generate high-resolution radiological images that match the given conditions well and have clear and accurate image details.
Implementation details. A total of nine image scales are used in our implementation of CoSinGAN for synthesizing high-resolution chest CT slices, including 32 × 32, 48 × 48, 64 × 64, 96 × 96, 128 × 128, 192 × 192, 256 × 256, 384 × 384, and 512 × 512. We purposely choose such image scales to facilitate the design of the multi-scale generators with different numbers of down-sampling layers. Specifically, we choose a network architecture similar with the pix2pix model [26], including a U-Net-style generator and a patch discriminator. Considering the reusability of trained models between two adjacent image scales, we set the number of 2 × downsampling layers in the U-Net-style generators of CoSinGAN to (4, 4, 5, 5, 6, 6, 7, 7, 7), respectively. Meanwhile, the numbers of convolutional layers in the corresponding discriminators are set to (6, 6, 7, 7, 8, 8, 9, 9, 9) separately.

2.1.2. Objective

At the i-th image scale, we train generator G i in the manner of adversarial learning to obtain realistic images. It is done by learning G i to minimize the reconstruction loss r e c and the adversarial loss a d v simultaneously, thereby fooling the discriminator D i to maximize the probability of generated image being classified as real image. Therefore, our objective for optimizing G i is:
min G i a d v ( D i ( C i , G i ( C i , O i 1 ) ) , 1 ) + r e c ( C i , G i ( C i , O i 1 ) , X i )
and the objective for optimizing D i is
min D i 1 2 ( a d v ( D i ( C i , G i ( C i , O i 1 ) ) , 0 ) + a d v ( D i ( C i , X i ) , 1 ) )
The same adversarial loss a d v as pix2pix [26] is adopted in our implementation. In addition, we propose a mixed reconstruction loss, including the weighted pixel-level loss (WPPL) W P P L , multi-scale feature-level VGG [33] loss (MS-FVL) M S F V L , multi-scale feature-level UNet [31] loss (MS-FUL) M S F U L , and multi-scale structural similarity (MS-SSIM) loss [34,35] M S S S I M :
r e c = λ W P P L × W P P L + λ M S S S I M × M S S S I M + λ M S F V L × M S F V L + λ M S F U L × M S F U L
where λ W P P L , λ M S S S I M , λ M S F V L , and λ M S F U L denote the loss weights of WPPL, MS-SSIM, MS-FVL, and MS-FUL, respectively. Such a mixed reconstruction loss is able to provide rich and stable gradient information for optimizing generators.
WPPL. WPPL computes the weighted mean of L1 distances between the pixels of generated image and real image, where the weight of each pixel is determined by its category, i.e., background, lung, or COVID-19 infection,
W P P L ( C i , O i , X i ) = 1 P p = 1 P M ( C i p ) | O i p X i p |
where p is the pixel index, P is the total number of pixels, and M denotes a mapping function from category to weight. We use L1 loss rather than mean squared error (MSE) loss because optimizing MSE loss tends to obtain over-smoothed image details.
MS-SSIM loss. Different from mean-based metrics like L1 distance and MSE, SSIM [36] and MS-SSIM [34] are perceptually motivated metrics to evaluate image similarity based on local structure. As discussed in [35], MS-SSIM loss is differentiated and thus can be back-propagated to optimize CoSinGAN’s parameters. We adopt MS-SSIM loss [35] to optimize the reconstruction of local anatomical structures.
MS-FVL. The distance between deep features of two images from a pre-trained CNN classifier is frequently used as the perceptual loss [37,38,39] in image restoration tasks. Compared with pixel-level metrics, perceptual loss is able to obtain visually appealing results. The multi-scale feature-level VGG loss [39] used at the i-th scale of CoSinGAN is formulated as:
M S F V L ( O i , X i ) = j = 1 J η j 1 P j F j ( X i ) F j ( G i ( C i , O i 1 ) ) 1
where F j denotes the j-th layer with P j elements of the VGG network [33] and η j denotes the weight of the j-th feature scale.
MS-FUL. Similar with MS-FVL, we design a multi-scale feature-level U-Net loss, which measures the similarity of two images using the deep features from a 2D U-Net [31]:
M S F U L ( O i , X i ) = k = 1 K γ k 1 P k F k ( X i ) F k ( G i ( C i , O i 1 ) ) 1
where F k denotes the k-th layer with P k elements of the 2D U-Net network [31] and γ k denotes the weight of k-th feature scale. Compared to VGG features that are trained for classification tasks, the 2D U-Net features trained for semantic segmentation encode much more positional and structural information, and thus are more sensitive to the positional distribution of pixels.

2.1.3. Hierarchical Data Augmentation

As described in Section 2.1.1, to learn the conditional distribution from one single image, one needs to handle the two things well: (a) ensure the generator can generalize to different input conditions, and (b) fit the single image as much as possible for visually accurate and appealing results. Performing strong data augmentation on the single training image is an effective approach to avoid overfitting, whereas it may corrupt the real data distribution and put an additional learning burden on the generator, thus leading to large fitting errors. To address this problem, we propose a hierarchical data augmentation module, involving strong augmentation and weak augmentation, to collaborate with the proposed two-stage GANs at multiple image scales. Specifically, at the i-th image scale, the hierarchical data augmentation module produces strong augmentation (SA) to train G i s , and produces weak augmentation (WA) to train G i r . Meanwhile, as the image scale increases, the intensity of SA decreases gradually, whereas WA keeps unchanged. Several augmented images and conditions produced by the hierarchical data augmentation module are illustrated in Figure 6.
The hierarchical data augmentation module has the following advantages:
  • SA is critical for G i s to generalize to different input conditions.
  • WA helps to fit the real image distribution without introducing additional learning burden.
  • Decreasing the intensity of SA along with the increasing of image scales can handle the balance between fitting conditions and fitting images well.
Specifically, we implement the hierarchical data augmentation module based on random cropping, random rotation, random horizontal flipping, random vertical flipping, and elastic transform. SA is designed by composing all these transforms, where the cropping size is between 0.5 and 1 times the image size and the parameters of elastic transform is set according to the specific image size. In comparison, WA does not use elastic transform, and the cropping size is between 0.75 and 1 times the image size. Note that the augmentation imposed on images should be consistent with augmentation imposed on conditions all the time. At the i-th image scale, to obtain the input of generator G i , we perform SA or WA on the original condition and then use the augmented conditions to generate O i 1 from scale 0 to scale i−1 rather than directly imposing SA or WA on O i 1 that is generated by using the original conditions. To make the training converge stably and quickly, we do mini-batch training by taking multiple augmented samples as input.

2.2. Materials

We use the two publicly available datasets, i.e., COVID-19-CT-Seg dataset [19] and MosMed dataset [40]. COVID-19-CT-Seg consists of 20 public COVID-19 CT scans with pixel-level annotations of the left lung, right lung, and COVID-19 infection. The annotations, first labeled by junior annotators, are refined by two radiologists with five years of experience, and are further verified and refined by a senior radiologist with more than 10 years of experience in chest radiology. MosMed contains 50 CT scans with only pixel-level annotations of COVID-19 infection (No lung annotations). These 50 CT scans are annotated by the experts of Research and Practical Clinical Center for Diagnostics and Telemedicine Technologies of the Moscow Health Care Department.
We obtain 3520 axial CT slices and 3520 annotation masks of the lungs and COVID-19 infection from the 20 labeled CT volumes in the COVID-19-CT-Seg dataset, and then resize them to 512 × 512. For qualitative analysis, the CT values are normalized directly to [0, 255] before training, whereas, for qualitative analysis, the CT values are first adjusted to lung window [−1250, 250] and then normalized to [0, 255] as done by the COVID-19-CT-Seg-Benchmark. For each CT volume in the COVID-19-CT-Seg dataset, we select one axial slice from it to train a CoSinGAN, and thus get 20 trained CoSinGANs. By taking these 3520 annotation masks as input conditions, each of these models generates 3520 axial CT slices. According to the metadata headers of these 20 real CT volumes, we resize the corresponding synthetic images and stack them in the axial direction to build synthetic CT volumes for further evaluation. Following the experiment setting of learning with limited annotations in COVID-19-CT-Seg-Benchmark, we perform 5-fold cross validation on the COVID-19-CT-Seg data, and independent testing on the MosMed dataset.

3. Experiment Results and Discussion

3.1. Experiments on Synthesizing Radiological Images

We first conduct ablation experiments on the three key components of CoSinGAN to verify their efficacies. Second, we evaluate the image quality of synthetic radiological images. We finally test the CoSinGAN’s ability in generating diverse samples.

3.1.1. Training Details

We train CoSinGAN with nine image scales, including 32 × 32, 48 × 48, 64 × 64, 96 × 96, 128 × 128, 192 × 192, 256 × 256, 384 × 384 and 512 × 512, which means that nine two-stage GANs are required to train sequentially from coarsest scale to finest scale. Note that we train one stage of a GAN at a time, whereas the other GANs are fixed. The loss weights of WPPL, MS-SSIM, MS-FVL, and MS-FUL in proposed mixed reconstruction loss are empirically set to 10.0, 1.0, 10.0, and 10.0. We set the category weights of background, lung, and COVID-19 infection in WPPL to 0.1, 0.5, and 1.0, respectively, to emphasize the reconstruction of the lungs and infected regions. The VGG network used by MS-FVL is pre-trained on ImageNet, and the 2D U-Net used by MS-FUL is pre-trained on th NSCLC dataset [41] for lung segmentation. Meanwhile, we set the pixel values of these three categories in the input conditions to 0, 128, and 255, respectively. We do strong augmentation to train these two-stage GANs with 4000 epochs and a mini-batch of 4 in their first stage by using an Adam optimizer with the parameters of β 1 = 0.5 and β 2 = 0.999 . We use an initial learning rate of 0.0002 that is linearly decayed by 0.05% each epoch after 2000 epochs. Correspondingly, we perform weak augmentation to train these two-stage GANs with 2000 epochs and mini-batch of 4 in their second stage by using Adam optimizer with the parameters of β 1 = 0.5 and β 2 = 0.999 . We use an initial learning rate of 0.0001 that is linearly decayed by 0.1% each epoch after 1000 epochs. All models are trained and evaluated on a linux server equipped with a NVIDIA GeForce GTX 1080 Ti Graphics card.

3.1.2. Ablation Experiments

Mixed reconstruction loss. We introduce mixed reconstruction loss to provide rich and stable gradient information for optimizing generators. To evaluate its efficacy, we train multiple CoSinGANs at a single image scale of 256 × 256 by using WPLL, MS-SSIM loss, MS-FVL, MS-FVL, and mixed reconstruction loss as the reconstruction loss function separately. The training curves, including adversarial learning curves and reconstruction loss curves, are depicted in Figure 7. The synthetic radiological images from these trained models with given input conditions are shown in Figure 8.
As can be seen, WPLL and MS-SSIM loss, using raw pixel features, synthesizes rich but blurry image details as pointed by green arrows in the 1st and 2nd columns of Figure 8. In comparison, MS-FVL, using deep features of a VGG network pre-trained for image classification, produces visually pleasing images with less noise at the cost of losing local image details as indicated by pink arrows in the fourth column of Figure 8. Compared with MS-FVL, MS-FUL achieves a similar overall visual effect, but produce more image details, e.g., sharp contours and edges (highlighted by yellow arrows in the 4th column of Figure 8). This is probably because the deep features of 2D U-Net used by MS-FUL are trained for lung segmentation and thus encode much more positional and structural information than the deep features of the VGG network. By combining WPLL, MS-SSIM loss, MS-FVL, and MS-FUL, our mixed reconstruction loss can inherit their advantages, and produce visual pleasing images with less noise and more local image details (highlighted by white arrows in the 6th column of Figure 8). Moreover, as illustrated in Figure 7b, the model trained with mixed reconstruction loss achieves consistently smaller WPLL, MS-FVL, and MS-FUL than the same model trained with only one of these loss items. Such results confirm the efficacy of our mixed reconstruction loss in reducing fitting errors.
Multi-scale architecture and two-stage GAN. We train a complete CoSinGAN with all nine image scales on a single radiological image. We plot the adversarial learning curve and reconstruction loss curve of CoSinGAN at the image scale of 256 × 256 in Figure 7. As can be seen from Figure 7a, the complete CoSinGAN has a better adversarial learning curve than the other models trained with only a single image scale. The adversarial loss values of generator G and discriminator D are close to each other throughout the entire training process. It indicates that the adversarial training of CoSinGAN is stable and thus G is able to capture the distribution of real images gradually through continuously fighting with D. The reconstruction loss curve in Figure 7b also shows that CoSinGAN trained with multi-scale architectures achieves lower fitting error. In addition, as illustrated in Figure 8, the radiological images produced by the complete CoSinGAN present significantly better visual effects with realistic and sharp image details (highlighted by red arrows in the last column). Such results strongly verify the effectiveness of multi-scale architecture. Moreover, we use the complete CoSinGAN to generate images with all nine scales and compare them in Figure 9. Each scale includes two synthetic images, where one is from the first stage and the other one is from the second stage. We use the red arrows to track the contour of the lungs to highlight the efficacy of proposed multi-scale architecture and two-stage GAN in enhancing the condition constraints. We notice that the synthetic images from the first stage match the input condition much better than the images from the second stage at scale 0–2, whereas the images from the second stage are more realistic and clear than the images from the first stage. As the image scale increases (scale 6–8), the synthetic images from both stages are able to match the input condition gradually and precisely. In addition, we use the green arrows to track the details of the lungs and infected regions in synthetic images as the image scale increases. Intuitively, the image details are enhanced progressively. Such results strongly confirm that the multi-scale architectures are able to collaborate with the two-stage GANs by iteratively enhancing condition constraints and image details.
Hierarchical data augmentation. As illustrated in Figure 6, our hierarchical data augmentation module is able to produce strong augmentation (SA) for the first stage of GAN and weak augmentation (WA) for the second stage of GAN. SA is designed to enhance conditions, while WA is used to facilitate the restoration of image details. As can be seen from the first three scales of synthesized images in Figure 9, the contours of the lungs in the synthetic images from the first stage generators are maintained better than those from the second stage generators. It presents that the first stage generators trained with SA present a stronger generalization ability to input conditions than the second stage generators trained with WA. In addition, the synthetic images from the second stage tend to be more realistic and contain more image details than those from the first stage. As the image scale increases, the intensity of SA gradually decreases, whereas the synthetic images match the input condition better and better. Benefiting from the output from previous scales, the generators in the later scales trained with relatively weaker SA are still able to generalize to input conditions. Thus, more gradients can be assigned to optimize image details. Such results clearly confirm that our hierarchical data augmentation module is able to provide a well balance between preventing the generators from being overfitted to input condition and overfitting the single training image as much as possible when learning conditional distribution from a single image.

3.1.3. Evaluation and Comparison on Image Quality

Baselines. The pix2pix model [26] is a well-known conditional GAN framework for image-to-image translation. In our implementation, we design an enhanced pix2pix model by replacing L1 reconstruction loss in the pix2pix model with the proposed mixed reconstruction loss to build our two-stage GAN. Accordingly, the pix2pix model and the enhanced pix2pix model are used as the baseline models in our experiments to highlight our contributions. Note that the baseline pix2pix model is also implemented with the weighted L1 reconstruction loss, i.e., WPLL, to emphasize the reconstruction of the lungs and infected regions.
Qualitative comparison. The synthetic radiological images from the two trained CoSinGANs are illustrated in Figure 3 and Figure 4. As can be seen, our CoSinGAN is very sensitive to the input conditions as even the small isolated infected regions are reconstructed precisely (indicated by red circles). Meanwhile, these synthetic radiological images are able to present sharp and rich image details with less noise and clean background, comparable to the real radiological image with the size of 512 × 512. The visual features of the lungs and infected regions are also synthesized consistently with the single training image. Such ability of CoSinGAN is critical for building the synthetic training samples with pixel-level annotations of the lungs and COVID-19 infection to learn lung and COVID-19 infection segmentation. Next, given the same input conditions, we compare the results of different generative models in Figure 10 and Figure 11. These input conditions are sampled from different labeled CT scans, where their relative real CT slices are called reference ground-truth images. As can be seen, our CoSinGAN can produce visually appealing results with clear image details and clean background, which are significantly better than the results of the baseline models and comparable to the reference ground-truth images. The synthetic images from the pix2pix model contain too many visually unpleasant artifacts, which make it tough to distinguish the infected regions from these artifacts (highlighted by yellow arrows). With the help of the mixed reconstruction loss, the enhanced pix2pix model achieves a better visual effect with fewer grid artifacts and richer lung details in comparison of pix2pix. Despite that, the synthesized details of lungs are still not clear enough to be distinguished from the infected regions (indicated by yellow arrows in the third column). Such synthetic images from the pix2pix model and the enhanced pix2pix model may not be used to learn lung and COVID-19 infection segmentation smoothly. In comparison, our CoSinGAN effectively solves the problems of grid artifacts and blurry lung details, and can produce high-quality radiological images with pixel-level annotations for training deep segmentation models.
Quantitative comparison. The synthetic radiological images are used to train deep models for automated lung and infection segmentation. Therefore, we directly adopt the task-driven evaluation method to quantify the image quality. Specifically, we train 2D U-Net [32] on these synthetic radiological images to perform lung and infection segmentation on real radiological images, and take the segmentation performance as a criterion to measure the image quality and compare different generative models. Following the setting of the COVID-19-CT-Seg-Benchmark, the CT cases in the COVID-19-CT-Seg dataset are first adjusted to lung window [−1250, 250] and then normalized to [0, 255] before training generative models. The nnU-Net (no-new-U-Net) [32], one of the state-of-the-art implementation of U-Net [31], is adopted as our segmentation model. We use the pre-defined train-validation splits provided by COVID-19-CT-Seg-Benchmark to perform 5-fold cross validation. In each fold, 80 synthetic CT cases, corresponding to 4 CT slices from four real cases in COVID-19-CT-Seg dataset, are used for training, and the rest 16 real cases are used for testing. We train the segmentation model with 100 epochs, and all other training configurations are the default. Normalized surface Dice (NSD) [42] and Dice similarity coefficient (DSC) are adopted as the segmentation evaluation metrics. A higher score for both two metrics indicates better segmentation performance, and further admits higher image quality. The image quality (segmentation) scores are reported in Table 1.
As can be seen, our CoSinGAN obtains the highest average segmentation scores on both lung and COVID-19 infection, surpassing the baseline methods by a large margin. It indicates that CoSinGAN can reconstruct the lungs and infected regions more precisely at the locations depicted by the input conditions. Such results strongly confirm the efficacy of our CoSinGAN in learning the conditional distribution of radiological image from a single radiological image. In addition, we notice that the enhanced pix2pix model using our mixed reconstruction loss achieves much higher segmentation scores than the pix2pix model, which demonstrates the effectiveness of our mixed reconstruction loss in improving image quality.

3.1.4. Evaluation on the Ability of CoSinGAN in Generating Diverse Samples

Given an input condition, we expect that CoSinGAN can generate diverse samples, which are different but correlated in visual appearance. We explore three approaches to make CoSinGAN capable of generating diverse samples, including applying dropout at test time, randomizing the input condition and fusing synthetic images from two CoSinGANs. We call them data diversification methods. We expect to use these methods to improve the segmentation performance of deep models trained on synthetic samples.
Applying dropout (AD). Applying dropout at inference time with a dropout rate of 50% can add randomness to the forward propagation of CoSinGAN through randomly inactivating some activation units of neural network. As shown in Figure 12, this operation has a slight effect on CoSinGAN’s output, such as the weakening of local image details (indicated by arrows in the 3-th row). Thus, this approach may not have much effect on the diversity of synthetic radiological images.
Randomizing input condition (RC). During the training process, the pixel values of background, lung and COVID-19 infection in the input conditions are set to 0, 128, and 255, respectively. After training, we can randomize the input condition by adding random noise to it to synthesize diverse images. Specifically, the pixel values of background, lung, and COVID-19 infection are randomly set as follows:
V b a c k g r o u n d [ 0 , δ b ] , V l u n g [ 128 δ l , 128 + δ l ] , V i n f e c t i o n [ 255 δ i , 255 ]
where δ b , δ l , and δ i denote the magnitudes of the random noises. In our experiment, we set them to 16, 16, and 32, respectively. It is worth noting that such randomness is applied in every image scale. This means that the input condition at each image scale may be different, which further promotes the diversity of synthetic images. As shown in Figure 12, RC produces diverse radiological images with notable differences in background, local lung details, and COVID-19 infection (highlighted by the arrows in the 4th row). In addition, RC does not damage the sharpness and local details of synthetic images. Although these synthetic images appear to be lack of clinical evidence, such results confirm that the RC is an effective data diversification method, which may improve the generalization ability of segmentation model trained on synthetic samples.
Image fusion (IF). We propose to fuse the synthetic images from two different CoSinGANs that are trained separately on two different single images. Given the same input condition, the two CoSinGANs can generate paired images that have different but correlated visual appearance and match each other pixel-by-pixel. Accordingly, we can simply fuse the two paired images without losing image details as follows:
I f = ζ × I 1 + ( 1 ζ ) × I 2
where ζ is the fusion coefficient. We introduce diversity by randomly setting the value of ζ from 0.0 to 1.0 in our experiments. As shown in the last row of Figure 12, IF can produce radiological images with different visual appearances. This method is similar with the mixup operation [43], which is commonly used as a data augmentation method. Compared with mixup, the IF method, fusing two paired images, is more likely to obtain accurate visual features of the lungs and infected regions, and thus may help to improve the segmentation performance of deep model trained on synthetic samples.

3.2. Experiments on Learning Deep Models for Automated Lung and Infection Segmentation

The workflow of learning deep models for automated lung and infection segmentation from a single radiological image by using our CoSinGAN is illustrated in Figure 13.

3.2.1. Baselines

We use the COVID-19-CT-Seg-Benchmark [19] as our baseline. The benchmark is designed to solve the problem of few-short learning, where few annotations are available for training. A pre-defined train-validation split file is provided by COVID-19-CT-Seg-Benchmark to perform 5-fold cross validation on COVID-19-CT-Seg dataset and independent testing on the MosMed dataset. In each fold, 4 of 20 CT cases in COVID-19-CT-Seg dataset are used for training, and the rest of the 16 CT cases in COVID-19-CT-Seg dataset and 50 CT cases in MosMed dataset are used for testing as shown in Table 2. The average number of labeled axial CT slices used for training is 704. Considering that our method uses only four labeled CT slices, the benchmark is quite a strong baseline. Both the 2D U-Net baseline and 3D U-Net baseline are available in the COVID-19-CT-Seg-Benchmark. Note that the MosMed dataset provides infection annotations only and thus we only report the infection segmentation results for it. In contrast, for the COVID-19-CT-Seg dataset, we report the left lung, right lung, and infection segmentation results.
In addition, learning COVID-19 infection segmentation from off-the-shelf non-COVID-19 CT scans (e.g., lung cancer and pleural effusion) is a natural solution at the early stage of COVID-19 outbreak. Therefore, we also compare CoSinGAN with such solutions provided by COVID-19-CT-Seg-Benchmark. Specifically, COVID-19-CT-Seg-Benchmark has attempted to use the MSD Lung Tumor dataset (63 lung tumor CT scans) [44], the StructSeg2019 dataset (50 lung tumor CT scans) [45], and the NSCLC Pleural Effusion dataset (78 pleural effusion CT scans) [41] separately with or without COVID-19 CT scans to learn automated COVID-19 infection segmentation. The experiment settings are detailed in Table 3 and Table 4. More details can be found in [19] (https://gitee.com/junma11/COVID-19-CT-Seg-Benchmark).

3.2.2. CoSinGAN, IF-CoSinGAN, and RC-CoSinGAN

To emphasize the effectiveness of our method in learning deep models from few radiological images for lung and infection segmentation, we following the setting of the benchmark expect for using only four labeled CT slices, which are extremely less than the average of 704 labeled CT slices used by the benchmark. IF-CoSinGAN and RC-CoSinGAN denote CoSinGANs that use the IF and RC methods, respectively. We use the same train-validation splits to perform 5-fold cross validation. In each fold, 80 synthetic CT cases, corresponding to four CT slices from four real cases in the COVID-19-CT-Seg dataset, are used for training, and the rest of the 16 CT cases in COVID-19-CT-Seg dataset and 50 CT cases in MosMed dataset are used for testing as shown in Table 2. In this way, we build three synthetic training datasets corresponding to CoSinGAN, IF-CoSinGAN, and RC-CoSinGAN, respectively.

3.2.3. Segmentation Models and Training Details

As with COVID-19-CT-Seg-Benchmark, we use the nnU-Net (no-new-U-Net) [40] to perform left lung, right lung, and COVID-19 infection segmentation. In particular, nnU-Net is one of the state-of-the-art implementation of U-Net, and can adapt preprocessing strategies (e.g., data augmentation operations) and network architectures (e.g., the size of convolutional kernel) automatically to a given 3D medical dataset. Our CoSinGAN is designed to synthesize 2D radiological images, thus we only train 2D U-Net on these three synthetic training datasets separately to compare with the 2D U-Net baseline. Typically, 3D U-Net is more competitive than 2D U-Net in 3D medical segmentation tasks. Learning a 3D U-Net from few 2D slices is very challenging but meaningful. In addition, we are also interested in the performance of 3D U-Net trained on synthetic 3D volumes that are obtained by stacking synthetic 2D CT slices from CoSinGAN. Therefore, we simply train 3D U-Net on the synthetic training dataset of CoSinGAN to test the ability of the synthetic 2D radiological images in learning 3D segmentation models by comparing with the 3D U-Net baseline. We train these segmentation models on each synthetic dataset respectively by using the same default setting of nnU-Net as COVID-19-CT-Seg-Benchmark.

3.2.4. Evaluation Metrics

As with COVID-19-CT-Seg-Benchmark, two evaluation metrics are adopted, including normalized surface Dice (NSD) and Dice similarity coefficient (DSC). NSD [42] is a boundary-based measure to evaluate how close the segmentation results and the ground-truth surfaces are to each other at a specified tolerance. DSC is a region-based measure to evaluate the region overlap. A higher score for both two metrics indicates better segmentation performance. In our experiment, we directly use the evaluation tools provided by COVID-19-CT-Seg-Benchmark to compute the two metrics.

3.2.5. Results and Discussion

(1)
Quantitative comparison
CoSinGAN versus COVID-19-CT-Seg-Benchmark based on 2D U-Net. The quantitative results of 5-fold cross validation and independent testing based on 2D U-Net are reported in Table 5. First, we compare CoSinGAN with the benchmark. On the COVID-19-CT-Seg dataset, CoSinGAN achieves notable lung segmentation scores, i.e., average DSC: 93% and average NSD: 76%, which are much higher (more than 4%) than the benchmark results. More importantly, the COVID-19 infection segmentation scores of CoSinGAN are also superior on both COVID-19-CT-Seg dataset and MosMed dataset (50 CT cases). Note that our CoSinGAN uses only four real CT slices, whereas the benchmark uses an average of 704 real CT slices. Such results strongly confirm the efficacy of our method in learning automated lung and infection segmentation from very few labeled CT slices. Next, we compare IF-CoSinGAN and RC-CoSinGAN with CoSinGAN. As shown in Table 5, IF-CoSinGAN and RC-CoSinGAN achieve very close lung segmentation scores to CoSinGAN, which indicates the diversification methods, i.e., IF and RC, does not improve the lung segmentation. In addition, we notice that the infection segmentation scores of IF-CoSinGAN on MosMed datasets are notably lower than CoSinGAN. It shows that the IF method does not work as we expect. This is probably because too many fused infected regions make the distribution of synthetic images deviate from that of real images. One way to improve it might be tuning the distribution of fusion coefficient ζ in (11), for instance, choosing a random ζ from a Beta distribution as the mixup method [43] does. In contrast, RC-CoSinGAN surpasses CoSinGAN by 7.2% of DSC and 11.5% of NSD on COVID-19-CT-Seg dataset, and by 5.0% of DSC and 4.8% of NSD on the MosMed dataset, respectively. It implies that the RC method, randomizing input condition of CoSinGAN, does not make the distribution of diverse synthetic images deviate from that of real images. Instead, RC may produce several new synthetic radiological images that satisfy the distribution of real CT slices but are different with the four training CT slices. Such results confirm that RC is an effective data diversification approach for CoSinGAN, and also demonstrate that our CoSinGAN owns strong ability in learning conditional distribution from a single radiological image. Finally, we compare RC-CoSinGAN with the benchmark. We observe that RC-CoSinGAN surpasses the benchmark in both lung segmentation and infection segmentation by a large margin. Such results are of greater significance when noticing that RC-CoSinGAN uses only four real CT slices, i.e., 1/176 of real CT slices used by the benchmark.
CoSinGAN versus COVID-19-CT-Seg-Benchmark based on 3D U-Net. On the other hand, we report the quantitative results of 5-fold cross validation and independent testing based on 3D U-Net in Table 6. As can be seen, the lung segmentation scores of CoSinGAN are significantly lower (more than 10%) than the benchmark results. The result is reasonable because our CoSinGAN is designed for synthesizing 2D radiological images rather than 3D volumes. The 3D structures of the lungs cannot be reconstructed accurately by stacking 2D synthetic axial CT slices. We depict the axial, coronal, and sagittal views of a synthetic CT volume in Figure 14 to illustrate such problem. The blurry lung details in the coronal and sagittal views confirm our claims. In contrast, CoSinGAN achieves notable infection segmentation scores, which are comparable (less than 1%) to the benchmark results on the COVID-19-CT-Seg dataset and are superior (more than 3%) to the benchmark results on the MosMed dataset. Compared with the lungs, the infected region has no fixed shape, size, or 3D context, and its visual features are much simpler. Thus, the synthetic CT volumes work well for learning 3D infection segmentation.
CoSinGAN versus learning with non-COVID-19 CT scans in the COVID-19-CT-Seg-Benchmark based on 2D U-Net. We report the quantitative results of different methods for learning automated COVID-19 infection segmentation based on 2D U-Net in Table 7. As can be seen, our methods, learning from very few CT slices by synthesizing diverse CT slices, have achieved significantly better COVID-19 infection segmentation performance than the other methods that learn from non-COVID-19 CT scans. We notice that the gains in COVID-19 infection segmentation performance from learning with other lung lesion CT scans (e.g., lung cancer and pleural effusion) are rather limited, or, to be more precise, are negative. Although the use of non-COVID-19 CT scans can increase the variety of training samples, it may make the distribution of training samples deviate from that of real COVID-19 CT slices due to the domain gap between non-COVID-19 CT scans and COVID-19 CT scans. One way to improve it might be adopting unsupervised domain adaptation, which is far beyond the scope of this paper.
(2)
Qualitative comparison
Finally, we illustrate the lung and infection segmentation results on the COVID-19-CT-Seg dataset in Figure 15 and the infection segmentation results on the MosMed dataset in Figure 16. All results come from the Fold-4. We notice that the segmentation results of our CoSinGANs on both COVID-19-CT-Seg dataset and MosMed datasets are close to the ground-truth with much less inaccurate segmentation. In contrast, the benchmarks yield unsatisfactory results, where a large number of infected regions are not well recognized and segmented. The visual comparison indicates that our CoSinGANs learn lung and infection segmentation well from few CT slices and outperform the benchmarks remarkably. The success of CoSinGAN is owed to its strong ability of learning conditional distribution from a single radiological image and the effective data diversification method. Through the workflow illustrated in Figure 13, our CoSinGAN can learn both 2D and 3D segmentation models from few labeled CT slices and achieve much better segmentation performance than the counterparts that uses the same few labeled CT volumes. Therefore, our CoSinGAN is much more annotation-efficient than the COVID-19-CT-Seg-Benchmark.

4. Conclusions

The highly contagious COVID-19 has spread rapidly and overwhelmed healthcare systems across the world. Automated infection measurement and COVID-19 diagnosis at the early stage is critical to prevent the further evolving of COVID-19 pandemic. We propose a novel approach, called CoSinGAN, for learning automated lung and infection segmentation from extremely few radiological images. Our CoSinGAN is able to capture the conditional distribution of the single radiological image, and further synthesize high-resolution (512 × 512) and diverse radiological images that match the input conditions precisely. We evaluate the efficacy of CoSinGAN in learning lung and infection segmentation from very few radiological images by performing 5-fold cross validation on COVID-19-CT-Seg dataset (20 CT cases) and independent testing on the MosMed dataset (50 CT cases). Both 2D U-Net and 3D U-Net, learned from four CT slices by using our CoSinGAN, have achieved notable infection segmentation performance, surpassing the COVID-19-CT-Seg-Benchmark, i.e., the counterparts trained on an average of 704 CT slices, by a large margin. Such results strongly confirm that our method has the potential to realize learning COVID-19 diagnosis from few radiological images. Therefore, the findings of this study provide promising results that encourage the use of our CoSinGAN to build more robust and timely radiology systems at the early stage of COVID-19 outbreak. The limitation of our work is that the structured masks of the lungs and infected regions still need to be drawn manually. In the future, we intend to design an automated mask generator for CoSinGAN to make our approach more scalable. Moreover, we also intend to extend our CoSinGAN to synthesize CT volumes that satisfy the 3D context of the lungs directly to further improve the lung and infection segmentation performance.

Author Contributions

Conceptualization, P.Z.; methodology, P.Z.; software, P.Z.; validation, P.Z. and Y.Z.; formal analysis, P.Z. and Y.Z.; writing—original draft preparation, P.Z.; writing—review and editing, Y.Z., Y.D., X.T., and X.L.; supervision, Y.D., X.T., and X.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Acknowledgments

The authors would like to thank providers of the COVID-19-CT-Seg dataset and MosMed dataset.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Wu, J.T.; Leung, K.; Leung, G.M. Nowcasting and forecasting the potential domestic and international spread of the 2019-nCoV outbreak originating in Wuhan, China: A modelling study. Lancet 2020, 395, 689–697. [Google Scholar] [CrossRef] [Green Version]
  2. Xu, Z.; Shi, L.; Wang, Y.; Zhang, J.; Huang, L.; Zhang, C.; Liu, S.; Zhao, P.; Liu, H.; Zhu, L.; et al. Pathological findings of COVID-19 associated with acute respiratory distress syndrome. Lancet Respir. Med. 2020, 8, 420–422. [Google Scholar] [CrossRef]
  3. Shi, H.; Han, X.; Jiang, N.; Cao, Y.; Alwalid, O.; Gu, J.; Fan, Y.; Zheng, C. Radiological findings from 81 patients with COVID-19 pneumonia in Wuhan, China: A descriptive study. Lancet Infect. Dis. 2020, 20, 425–434. [Google Scholar] [CrossRef]
  4. WHO Coronavirus Disease (COVID-19) Dashboard. 2020. Available online: https://covid19.who.int (accessed on 8 October 2020).
  5. Xie, X.; Zhong, Z.; Zhao, W.; Zheng, C.; Wang, F.; Liu, J. Chest CT for typical 2019-nCoV pneumonia: Relationship to negative RT-PCR testing. Radiology 2020. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  6. Ai, T.; Yang, Z.; Hou, H.; Zhan, C.; Chen, C.; Lv, W.; Tao, Q.; Sun, Z.; Xia, L. Correlation of chest CT and RT-PCR testing in coronavirus disease 2019 (COVID-19) in China: A report of 1014 cases. Radiology 2020. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  7. Li, Y.; Xia, L. Coronavirus disease 2019 (COVID-19): Role of chest CT in diagnosis and management. Am. J. Roentgenol. 2020, 214, 1280–1286. [Google Scholar] [CrossRef]
  8. Fang, Y.; Zhang, H.; Xie, J.; Lin, M.; Ying, L.; Pang, P.; Ji, W. Sensitivity of chest CT for COVID-19: Comparison to RT-PCR. Radiology 2020. [Google Scholar] [CrossRef]
  9. Shi, F.; Wang, J.; Shi, J.; Wu, Z.; Wang, Q.; Tang, Z.; He, K.; Shi, Y.; Shen, D. Review of artificial intelligence techniques in imaging data acquisition, segmentation and diagnosis for covid-19. IEEE Rev. Biomed. Eng. 2020. [Google Scholar] [CrossRef] [Green Version]
  10. Mei, X.; Lee, H.C.; Diao, K.; Huang, M.; Lin, B.; Liu, C.; Xie, Z.; Ma, Y.; Robson, P.M.; Chung, M.; et al. Artificial intelligence-enabled rapid diagnosis of COVID-19 patients. medRxiv 2020. [Google Scholar] [CrossRef]
  11. Oh, Y.; Park, S.; Ye, J.C. Deep learning covid-19 features on cxr using limited training data sets. IEEE Trans. Med. Imaging 2020, 39, 2688–2700. [Google Scholar] [CrossRef]
  12. Kanne, J.P. Chest CT Findings in 2019 Novel Coronavirus (2019-nCoV) Infections from Wuhan, China: Key Points for the Radiologist. Radiology 2020, 295, 16–17. [Google Scholar] [CrossRef] [Green Version]
  13. Kang, H.; Xia, L.; Yan, F.; Wan, Z.; Shi, F.; Yuan, H.; Jiang, H.; Wu, D.; Sui, H.; Zhang, C.; et al. Diagnosis of coronavirus disease 2019 (covid-19) with structured latent multi-view representation learning. IEEE Trans. Med. Imaging 2020, 39, 2606–2614. [Google Scholar] [CrossRef] [PubMed]
  14. Yan, Q.; Wang, B.; Gong, D.; Luo, C.; Zhao, W.; Shen, J.; Shi, Q.; Jin, S.; Zhang, L.; You, Z. COVID-19 Chest CT Image Segmentation–A Deep Convolutional Neural Network Solution. arXiv 2020, arXiv:2004.10987. [Google Scholar]
  15. Ouyang, X.; Huo, J.; Xia, L.; Shan, F.; Liu, J.; Mo, Z.; Yan, F.; Ding, Z.; Yang, Q.; Song, B.; et al. Dual-Sampling Attention Network for Diagnosis of COVID-19 from Community Acquired Pneumonia. arXiv 2020, arXiv:2005.02690. [Google Scholar]
  16. Apostolopoulos, I.D.; Mpesiana, T.A. Covid-19: Automatic detection from X-ray images utilizing transfer learning with convolutional neural networks. Phys. Eng. Sci. Med. 2020, 43, 635–640. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  17. Loey, M.; Smarandache, F.; M Khalifa, N.E. Within the Lack of Chest COVID-19 X-ray Dataset: A Novel Detection Model Based on GAN and Deep Transfer Learning. Symmetry 2020, 12, 651. [Google Scholar] [CrossRef] [Green Version]
  18. Waheed, A.; Goyal, M.; Gupta, D.; Khanna, A.; Al-Turjman, F.; Pinheiro, P.R. CovidGAN: Data Augmentation Using Auxiliary Classifier GAN for Improved Covid-19 Detection. IEEE Access 2020, 8, 91916–91923. [Google Scholar] [CrossRef]
  19. Ma, J.; Wang, Y.; An, X.; Ge, C.; Yu, Z.; Chen, J.; Zhu, Q.; Dong, G.; He, J.; He, Z.; et al. Towards Efficient COVID-19 CT Annotation: A Benchmark for Lung and Infection Segmentation. arXiv 2020, arXiv:2004.12537. [Google Scholar]
  20. Karras, T.; Laine, S.; Aittala, M.; Hellsten, J.; Lehtinen, J.; Aila, T. Analyzing and improving the image quality of stylegan. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 8110–8119. [Google Scholar]
  21. Hinz, T.; Heinrich, S.; Wermter, S. Generating multiple objects at spatially distinct locations. arXiv 2019, arXiv:1901.00686. [Google Scholar]
  22. Karras, T.; Laine, S.; Aila, T. A style-based generator architecture for generative adversarial networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, CA, USA, 18–20 June 2019; pp. 4401–4410. [Google Scholar]
  23. Wang, X.; Yu, K.; Wu, S.; Gu, J.; Liu, Y.; Dong, C.; Qiao, Y.; Change Loy, C. Esrgan: Enhanced super-resolution generative adversarial networks. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018. [Google Scholar]
  24. Yu, X.; Qu, Y.; Hong, M. Underwater-GAN: Underwater image restoration via conditional generative adversarial network. In Proceedings of the International Conference on Pattern Recognition, Beijing, China, 20–24 August 2018; pp. 66–75. [Google Scholar]
  25. Bau, D.; Strobelt, H.; Peebles, W.; Zhou, B.; Zhu, J.Y.; Torralba, A. Semantic photo manipulation with a generative image prior. arXiv 2020, arXiv:2005.07727. [Google Scholar] [CrossRef]
  26. Isola, P.; Zhu, J.Y.; Zhou, T.; Efros, A.A. Image-to-image translation with conditional adversarial networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 1125–1134. [Google Scholar]
  27. Hinz, T.; Fisher, M.; Wang, O.; Wermter, S. Improved Techniques for Training Single-Image GANs. arXiv 2020, arXiv:2003.11512. [Google Scholar]
  28. Zhou, Y.; Zhu, Z.; Bai, X.; Lischinski, D.; Cohen-Or, D.; Huang, H. Non-stationary texture synthesis by adversarial expansion. arXiv 2018, arXiv:1805.04487. [Google Scholar] [CrossRef] [Green Version]
  29. Shocher, A.; Bagon, S.; Isola, P.; Irani, M. InGAN: Capturing and Remapping the “DNA” of a Natural Image. arXiv 2018, arXiv:1812.00231. [Google Scholar]
  30. Shaham, T.R.; Dekel, T.; Michaeli, T. Singan: Learning a generative model from a single natural image. In Proceedings of the IEEE International Conference on Computer Vision, Seoul, Korea, 27 October–2 November 2019; pp. 4570–4580. [Google Scholar]
  31. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention, Munich, Germany, 5–9 October 2015; pp. 234–241. [Google Scholar]
  32. Isensee, F.; Petersen, J.; Kohl, S.A.; Jäger, P.F.; Maier-Hein, K.H. nnu-net: Breaking the spell on successful medical image segmentation. arXiv 2019, arXiv:1904.08128. [Google Scholar]
  33. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  34. Wang, Z.; Simoncelli, E.P.; Bovik, A.C. Multiscale structural similarity for image quality assessment. In Proceedings of the Thrity-Seventh Asilomar Conference on Signals, Systems & Computers, Pacific Grove, CA, USA, 9–12 November 2003; Volume 2, pp. 1398–1402. [Google Scholar]
  35. Zhao, H.; Gallo, O.; Frosio, I.; Kautz, J. Loss functions for image restoration with neural networks. IEEE Trans. Comput. Imaging 2016, 3, 47–57. [Google Scholar] [CrossRef]
  36. Wang, Z.; Bovik, A.C.; Sheikh, H.R.; Simoncelli, E.P. Image quality assessment: From error visibility to structural similarity. IEEE Trans. Image Process. 2004, 13, 600–612. [Google Scholar] [CrossRef] [Green Version]
  37. Dosovitskiy, A.; Brox, T. Generating images with perceptual similarity metrics based on deep networks. In Proceedings of the Advances in Neural Information Processing Systems, Barcelona, Spain, 5–10 December 2016; pp. 658–666. [Google Scholar]
  38. Johnson, J.; Alahi, A.; Fei-Fei, L. Perceptual losses for real-time style transfer and super-resolution. In Proceedings of the European Conference on Computer Vision, Amsterdam, The Netherlands, 10–16 October 2016; pp. 694–711. [Google Scholar]
  39. Wang, T.C.; Liu, M.Y.; Zhu, J.Y.; Tao, A.; Kautz, J.; Catanzaro, B. High-resolution image synthesis and semantic manipulation with conditional gans. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 8798–8807. [Google Scholar]
  40. Morozov, S.; Andreychenko, A.; Pavlov, N.; Vladzymyrskyy, A.; Ledikhova, N.; Gombolevskiy, V.; Blokhin, I.; Gelezhe, P.; Gonchar, A.; Chernina, V.; et al. MosMedData: Chest CT Scans with COVID-19 Related Findings. medRxiv 2020. [Google Scholar] [CrossRef]
  41. Kiser, K.; Barman, A.; Stieb, S.; Fuller, C.D.; Giancardo, L. Novel Autosegmentation Spatial Similarity Metrics Capture the Time Required to Correct Segmentations Better than Traditional Metrics in a Thoracic Cavity Segmentation Workflow. medRxiv 2020. [Google Scholar] [CrossRef]
  42. Nikolov, S.; Blackwell, S.; Mendes, R.; De Fauw, J.; Meyer, C.; Hughes, C.; Askham, H.; Romera-Paredes, B.; Karthikesalingam, A.; Chu, C.; et al. Deep learning to achieve clinically applicable segmentation of head and neck anatomy for radiotherapy. arXiv 2018, arXiv:1809.04430. [Google Scholar]
  43. Zhang, H.; Cisse, M.; Dauphin, Y.N.; Lopez-Paz, D. mixup: Beyond empirical risk minimization. arXiv 2017, arXiv:1710.09412. [Google Scholar]
  44. Simpson, A.L.; Antonelli, M.; Bakas, S.; Bilello, M.; Farahani, K.; Van Ginneken, B.; Kopp-Schneider, A.; Landman, B.A.; Litjens, G.; Menze, B.; et al. A large annotated medical image dataset for the development and evaluation of segmentation algorithms. arXiv 2019, arXiv:1902.09063. [Google Scholar]
  45. Automatic Structure Segmentation for Radiotherapy Planning Challenge. 2019. Available online: https://structseg2019.grand-challenge.org (accessed on 1 July 2020).
Figure 1. Synthetic radiological images from two pix2pix models trained separately by using strong and weak (or no) augmentation. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively.
Figure 1. Synthetic radiological images from two pix2pix models trained separately by using strong and weak (or no) augmentation. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively.
Diagnostics 10 00901 g001
Figure 2. Multi-scale architecture of proposed CoSinGAN. CoSinGAN consists of a pyramid of GANs, each of which has a two-stage generator and is responsible for translating condition mask into radiological image at a different scale. The input to G i is an augmented condition mask and the synthetic radiological image from the scale i 1 that is upsampled to the scale i (except for scale 0). By iterating optimizations from small image scale to large image scale, CoSinGAN progressively learns to generate realistic and high-resolution (512 × 512) radiological images that match the input condition masks precisely. The notation U represents an upsampling operation. The white and gray in the condition masks represent the infected regions and lungs, respectively.
Figure 2. Multi-scale architecture of proposed CoSinGAN. CoSinGAN consists of a pyramid of GANs, each of which has a two-stage generator and is responsible for translating condition mask into radiological image at a different scale. The input to G i is an augmented condition mask and the synthetic radiological image from the scale i 1 that is upsampled to the scale i (except for scale 0). By iterating optimizations from small image scale to large image scale, CoSinGAN progressively learns to generate realistic and high-resolution (512 × 512) radiological images that match the input condition masks precisely. The notation U represents an upsampling operation. The white and gray in the condition masks represent the infected regions and lungs, respectively.
Diagnostics 10 00901 g002
Figure 3. High-resolution (512 × 512) synthetic radiological images from proposed CoSinGAN. CoSinGAN is a novel conditional generative model trained on a single chest CT slice. Our model is able to capture the conditional distribution of visual finds of the lungs and COVID-19 infection accurately. We explore the feasibility of learning deep models for automated lung and COVID-19 infection segmentation from a single radiological image by resorting to synthesizing diverse radiological images. Both 2D U-Net and 3D U-Net trained on synthetic images achieves notable segmentation performance. The first row denotes the input conditions, where the white and gray (e.g., light gray and dark gray) represent the infected regions and lungs, respectively. The last row denotes synthetic CT slices with input condition overlays, where the blue denotes infected regions and the red (or green) represents the lungs.
Figure 3. High-resolution (512 × 512) synthetic radiological images from proposed CoSinGAN. CoSinGAN is a novel conditional generative model trained on a single chest CT slice. Our model is able to capture the conditional distribution of visual finds of the lungs and COVID-19 infection accurately. We explore the feasibility of learning deep models for automated lung and COVID-19 infection segmentation from a single radiological image by resorting to synthesizing diverse radiological images. Both 2D U-Net and 3D U-Net trained on synthetic images achieves notable segmentation performance. The first row denotes the input conditions, where the white and gray (e.g., light gray and dark gray) represent the infected regions and lungs, respectively. The last row denotes synthetic CT slices with input condition overlays, where the blue denotes infected regions and the red (or green) represents the lungs.
Diagnostics 10 00901 g003
Figure 4. The synthetic radiological images from CoSinGAN trained with given axial CT slice and annotation mask of the lungs and COVID-19 infection. The first row denotes the conditional masks, where the white and gray (e.g., light gray and dark gray) represent the infected regions and lungs, respectively. The last row denotes synthetic CT slices with input condition overlays, where the blue denotes infected regions and the red (or green) represents the lungs.
Figure 4. The synthetic radiological images from CoSinGAN trained with given axial CT slice and annotation mask of the lungs and COVID-19 infection. The first row denotes the conditional masks, where the white and gray (e.g., light gray and dark gray) represent the infected regions and lungs, respectively. The last row denotes synthetic CT slices with input condition overlays, where the blue denotes infected regions and the red (or green) represents the lungs.
Diagnostics 10 00901 g004
Figure 5. Illustration of the architecture of proposed two-stage GAN at the i-th image scale. The notation U represents an upsampling operation. The white and gray in the condition masks represent the infected regions and lungs, respectively.
Figure 5. Illustration of the architecture of proposed two-stage GAN at the i-th image scale. The notation U represents an upsampling operation. The white and gray in the condition masks represent the infected regions and lungs, respectively.
Diagnostics 10 00901 g005
Figure 6. Illustration of augmented images and conditions produced by the hierarchical data augmentation module. SA and WA denote strong augmentation and weak augmentation, respectively. The subscript represents the index of image scale (images are resized for better visualization). The white and gray in condition masks represent the infected regions and lungs, respectively.
Figure 6. Illustration of augmented images and conditions produced by the hierarchical data augmentation module. SA and WA denote strong augmentation and weak augmentation, respectively. The subscript represents the index of image scale (images are resized for better visualization). The white and gray in condition masks represent the infected regions and lungs, respectively.
Diagnostics 10 00901 g006
Figure 7. The learning curves of CoSinGAN trained with different reconstruction loss functions at the scale of 256 × 256. We plot the moving average of loss values for better visualization.
Figure 7. The learning curves of CoSinGAN trained with different reconstruction loss functions at the scale of 256 × 256. We plot the moving average of loss values for better visualization.
Diagnostics 10 00901 g007
Figure 8. Comparison of synthetic radiological images with image size of 256 × 256 from multiple CoSinGANs trained with different reconstruction loss. Arrows are used to highlight the differences. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively.
Figure 8. Comparison of synthetic radiological images with image size of 256 × 256 from multiple CoSinGANs trained with different reconstruction loss. Arrows are used to highlight the differences. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively.
Diagnostics 10 00901 g008
Figure 9. Illustration of the synthesized images with all nine scales from CoSinGAN. Each scale consists of two synthesized images, where one is from the first stage and the other one is from the second stage. All images are resized to 512 × 512 for better visualization. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively. Red arrows are used to track the contour of the lungs and green arrows are used to track the details of the lungs and infected regions.
Figure 9. Illustration of the synthesized images with all nine scales from CoSinGAN. Each scale consists of two synthesized images, where one is from the first stage and the other one is from the second stage. All images are resized to 512 × 512 for better visualization. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively. Red arrows are used to track the contour of the lungs and green arrows are used to track the details of the lungs and infected regions.
Diagnostics 10 00901 g009
Figure 10. Comparison of synthetic radiological images from different generative models given the same input condition. The input condition and the reference ground-truth radiological image are depicted in the first column. The last three columns are the results of pix2pix, enhanced pix2pix, and CoSinGAN, respectively. Red arrows are used to track and highlight the small infected regions, and yellow arrows are used to indicate the artifacts. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively.
Figure 10. Comparison of synthetic radiological images from different generative models given the same input condition. The input condition and the reference ground-truth radiological image are depicted in the first column. The last three columns are the results of pix2pix, enhanced pix2pix, and CoSinGAN, respectively. Red arrows are used to track and highlight the small infected regions, and yellow arrows are used to indicate the artifacts. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively.
Diagnostics 10 00901 g010
Figure 11. Comparison of synthetic radiological images from different generative models given the same input condition. The input condition and the reference ground-truth radiological image are depicted in the first column. The last three columns are the results of pix2pix, enhanced pix2pix, and CoSinGAN, respectively. Red arrows are used to track and highlight the small infected regions, and yellow arrows are used to indicate the artifacts. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively.
Figure 11. Comparison of synthetic radiological images from different generative models given the same input condition. The input condition and the reference ground-truth radiological image are depicted in the first column. The last three columns are the results of pix2pix, enhanced pix2pix, and CoSinGAN, respectively. Red arrows are used to track and highlight the small infected regions, and yellow arrows are used to indicate the artifacts. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively.
Diagnostics 10 00901 g011
Figure 12. Comparison of diverse synthetic images from CoSinGAN by using different data diversification methods. The rows from top to bottom represent input conditions, synthetic images without using any data diversification methods, results of applying dropout at test time, results of randomizing input condition, and results of fusing synthetic images from two different CoSinGANs, respectively. Red and yellow arrows highlight the differences of synthetic images. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively.
Figure 12. Comparison of diverse synthetic images from CoSinGAN by using different data diversification methods. The rows from top to bottom represent input conditions, synthetic images without using any data diversification methods, results of applying dropout at test time, results of randomizing input condition, and results of fusing synthetic images from two different CoSinGANs, respectively. Red and yellow arrows highlight the differences of synthetic images. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively.
Diagnostics 10 00901 g012
Figure 13. Illustration of the workflow of learning 2D or 3D U-Net from a single CT slice for automated lung and infection segmentation by using CoSinGAN.
Figure 13. Illustration of the workflow of learning 2D or 3D U-Net from a single CT slice for automated lung and infection segmentation by using CoSinGAN.
Diagnostics 10 00901 g013
Figure 14. Illustration of the axial, coronal, and sagittal views of a synthetic CT volume. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively.
Figure 14. Illustration of the axial, coronal, and sagittal views of a synthetic CT volume. The white and gray (e.g., light gray and dark gray) in condition masks represent the infected regions and lungs, respectively.
Diagnostics 10 00901 g014
Figure 15. Visual comparison of lung and infection segmentation results on the COVID-19-CT-Seg dataset, where the red, green, and blue represent the left lung, right lung, and infected regions, respectively. Benchmark (3D) and CoSinGAN (3D) represent their results are based on 3D U-Net, whereas the others are all based on 2D U-Net. All results here come from the Fold-4. The blue, green, and red denote the infected regions, right lung and left lung, respectively.
Figure 15. Visual comparison of lung and infection segmentation results on the COVID-19-CT-Seg dataset, where the red, green, and blue represent the left lung, right lung, and infected regions, respectively. Benchmark (3D) and CoSinGAN (3D) represent their results are based on 3D U-Net, whereas the others are all based on 2D U-Net. All results here come from the Fold-4. The blue, green, and red denote the infected regions, right lung and left lung, respectively.
Diagnostics 10 00901 g015
Figure 16. Visual comparison of infection segmentation results on the MosMed dataset, where the blue represents infected regions. Benchmark (3D) and CoSinGAN (3D) represent their results are based on 3D U-Net, whereas the others are all based on 2D U-Net. All results here come from the Fold-4. The blue denotes the infected regions.
Figure 16. Visual comparison of infection segmentation results on the MosMed dataset, where the blue represents infected regions. Benchmark (3D) and CoSinGAN (3D) represent their results are based on 3D U-Net, whereas the others are all based on 2D U-Net. All results here come from the Fold-4. The blue denotes the infected regions.
Diagnostics 10 00901 g016
Table 1. Quantitative results (Mean ± Standard deviation) of 5-fold cross validation based on 2D U-Net. For each fold, average DSC and NSD values are reported. The last row shows the average results of 80 (=5 folds × 16 testing cases per fold) testing cases in a COVID-19-CT-Seg dataset. ↑ denotes a higher score and admits better segmentation performance. Our CoSinGAN surpasses the baseline methods by a large margin. The entries in bold highlight the best average results.
Table 1. Quantitative results (Mean ± Standard deviation) of 5-fold cross validation based on 2D U-Net. For each fold, average DSC and NSD values are reported. The last row shows the average results of 80 (=5 folds × 16 testing cases per fold) testing cases in a COVID-19-CT-Seg dataset. ↑ denotes a higher score and admits better segmentation performance. Our CoSinGAN surpasses the baseline methods by a large margin. The entries in bold highlight the best average results.
SubtaskModelLeft LungRight LungInfection (COVID-19-CT-Seg)
DSC ↑NSD ↑DSC ↑NSD ↑DSC ↑NSD ↑
Fold-0Pix2pix91.4 ± 6.872.7 ± 11.791.7 ± 6.369.1 ± 11.446.3 ± 19.843.8 ± 20.1
Enhanced pix2pix86.9 ± 15.469.1 ± 16.388.9 ± 11.468.7 ± 15.850.4 ± 22.647.3 ± 21.1
CoSinGAN93.1 ± 6.376.7 ± 11.594.5 ± 4.176.4 ± 10.337.0 ± 21.035.6 ± 20.8
Fold-1Pix2pix86.0 ± 10.360.0 ± 15.387.2 ± 10.860.2 ± 15.342.7 ± 22.736.5 ± 23.8
Enhanced pix2pix92.6 ± 5.974.6 ± 10.594.2 ± 3.675.3 ± 8.360.3 ± 20.355.9 ± 24.0
CoSinGAN91.9 ± 7.074.0 ± 12.194.2 ± 3.974.6 ± 9.660.3 ± 21.153.8 ± 23.4
Fold-2Pix2pix81.6 ± 11.752.2 ± 19.280.5 ± 13.449.7 ± 17.841.2 ± 16.639.7 ± 18.0
Enhanced pix2pix92.5 ± 4.570.7 ± 9.793.4 ± 3.370.1 ± 7.344.0 ± 20.843.8 ± 22.5
CoSinGAN91.9 ± 6.473.0 ± 11.292.5 ± 4.870.6 ± 8.948.1 ± 19.645.0 ± 20.3
Fold-3Pix2pix83.4 ± 18.657.3 ± 18.583.7 ± 17.654.3 ± 19.640.3 ± 22.038.7 ± 23.2
Enhanced pix2pix92.5 ± 7.073.0 ± 12.193.4 ± 4.069.8 ± 10.455.1 ± 19.350.6 ± 23.4
CoSinGAN94.5 ± 5.279.8 ± 9.995.3 ± 2.578.3 ± 8.662.6 ± 20.059.3 ± 23.0
Fold-4Pix2pix86.2 ± 13.159.6 ± 13.787.4 ± 9.857.9 ± 13.143.1 ± 14.941.1 ± 16.0
Enhanced pix2pix90.1 ± 9.769.3 ± 14.091.0 ± 6.367.1 ± 13.648.3 ± 13.949.2 ± 18.2
CoSinGAN91.8 ± 5.671.4 ± 10.392.3 ± 6.069.8 ± 11.062.4 ± 12.658.5 ± 15.9
AvgPix2pix85.8 ± 13.160.3 ± 17.386.1 ± 12.758.2 ± 17.042.7 ± 19.540.0 ± 20.6
Enhanced pix2pix90.9 ± 9.671.3 ± 12.992.2 ± 6.870.2 ± 11.951.6 ± 20.449.4 ± 22.2
CoSinGAN92.6 ± 6.275.0 ± 11.493.8 ± 4.673.9 ± 10.354.1 ± 21.650.4 ± 22.7
Table 2. Experiment settings of learning deep models with only COVID-19 CT scans (or slices) for automated lung and infection segmentation.
Table 2. Experiment settings of learning deep models with only COVID-19 CT scans (or slices) for automated lung and infection segmentation.
MethodsCOVID-19-CT-Seg Dataset (20 CT Cases)MosMed Dataset
(50 CT Cases)
TrainingTestingTesting
Strong baselines (Benchmark)4 CT cases with an averageof 704 CT slices16 CT cases50 CT cases
CoSinGAN4 CT slices → 80 synthetic CT volumes16 CT cases50 CT cases
IF-CoSinGAN4 CT slices → 80 synthetic CT volumes16 CT cases50 CT cases
RC-CoSinGAN4 CT slices → 80 synthetic CT volumes16 CT cases50 CT cases
Table 3. Experiment settings of learning deep models with only non-COVID-19 CT scans for automated infection segmentation.
Table 3. Experiment settings of learning deep models with only non-COVID-19 CT scans for automated infection segmentation.
MethodsTrainingTesting
Task2-MSDMSD Lung Tumor dataset (51 CT cases)COVID-19-CT-Seg dataset (20 CT cases)
Task2-StructSegStructSeg2019 (40 CT cases)COVID-19-CT-Seg dataset (20 CT cases)
Task2-NSCLCNSCLC Pleural Effusion dataset (62 CT cases)COVID-19-CT-Seg dataset (20 CT cases)
Table 4. Experiment settings of learning deep models with both COVID-19 and non-COVID-19 CT scans for automated infection segmentation.
Table 4. Experiment settings of learning deep models with both COVID-19 and non-COVID-19 CT scans for automated infection segmentation.
MethodsTrainingTesting
Task3-MSDMSD Lung Tumor dataset
(51 CT cases)
COVID-19-CT-Seg dataset
(4 CT cases)
COVID-19-CT-Seg dataset
(16 CT cases)
Task3-StructSegStructSeg2019
(40 CT cases)
COVID-19-CT-Seg dataset
(4 CT cases)
COVID-19-CT-Seg dataset
(16 CT cases)
Task3-NSCLCNSCLC Pleural Effusion dataset
(62 CT cases)
COVID-19-CT-Seg dataset
(4 CT cases)
COVID-19-CT-Seg dataset
(16 CT cases)
Table 5. Quantitative results (Mean±Standard deviation) of 5-fold cross validation and independent testing based on 2D U-Net. For each fold, average DSC and NSD values are reported. The last row shows the average results of 80 (=5 folds × 16 testing cases per fold) testing cases in the COVID-19-CT-Seg dataset and 250 (=5 folds × 50 testing cases per fold) testing cases in the MosMed dataset. The third column shows the number of real labeled CT slices used for training. ↑ denotes a higher score that admits better segmentation performance. The entries in bold highlight the best average results.
Table 5. Quantitative results (Mean±Standard deviation) of 5-fold cross validation and independent testing based on 2D U-Net. For each fold, average DSC and NSD values are reported. The last row shows the average results of 80 (=5 folds × 16 testing cases per fold) testing cases in the COVID-19-CT-Seg dataset and 250 (=5 folds × 50 testing cases per fold) testing cases in the MosMed dataset. The third column shows the number of real labeled CT slices used for training. ↑ denotes a higher score that admits better segmentation performance. The entries in bold highlight the best average results.
SubtaskMethodsSlice
Number
Left LungRight LungInfection (COVID-19-CT-Seg)Infection (MosMed)
DSC ↑NSD ↑DSC ↑NSD ↑DSC ↑NSD ↑DSC ↑NSD ↑
Fold-0Benchmark63489.9 ± 10.772.8 ± 18.691.3 ± 8.673.5 ± 18.167.8 ± 20.769.1 ± 23.053.2 ± 20.162.5 ± 18.7
CoSinGAN492.6 ± 7.978.4 ± 11.993.9 ± 5.177.5 ± 10.161.9 ± 19.355.6 ± 21.239.5 ± 24.647.5 ± 23.6
IF-CoSinGAN493.8 ± 5.279.0 ± 9.794.7 ± 3.878.3 ± 9.558.7 ± 20.554.2 ± 20.429.0 ± 20.138.1 ± 19.6
RC-CoSinGAN494.1 ± 5.581.8 ± 10.395.0 ± 3.880.2 ± 8.873.9 ± 20.273.7 ± 21.854.0 ± 22.462.0 ± 21.3
Fold-1Benchmark68187.7 ± 13.968.6 ± 17.590.4 ± 9.370.4 ± 14.461.5 ± 21.658.1 ± 26.844.5 ± 19.951.4 ± 19.6
CoSinGAN493.4 ± 4.675.9 ± 8.694.3 ± 3.275.6 ± 8.667.9 ± 19.662.8 ± 21.852.0 ± 21.359.6 ± 20.2
IF-CoSinGAN493.7 ± 4.977.1 ± 9.494.7 ± 3.476.9 ± 8.067.1 ± 19.761.1 ± 22.241.8 ± 21.748.6 ± 19.9
RC-CoSinGAN493.6 ± 4.777.8 ± 8.694.6 ± 3.277.1 ± 7.471.3 ± 20.470.5 ± 22.541.9 ± 22.549.5 ± 22.7
Fold-2Benchmark68391.1 ± 12.476.0 ± 16.192.5 ± 8.874.2 ± 15.652.5 ± 25.249.1 ± 25.041.2 ± 22.645.2 ± 21.4
CoSinGAN493.3 ± 5.276.2 ± 9.494.2 ± 3.775.1 ± 8.261.7 ± 21.459.3 ± 23.036.4 ± 22.043.2 ± 20.8
IF-CoSinGAN493.1 ± 5.375.5 ± 10.493.9 ± 4.174.0 ± 9.460.8 ± 19.756.7 ± 21.931.6 ± 22.138.4 ± 19.9
RC-CoSinGAN494.2 ± 5.079.3 ± 9.694.6 ± 4.577.7 ± 9.673.3 ± 19.874.9 ± 21.352.1 ± 20.459.3 ± 19.8
Fold-3Benchmark64978.1 ± 22.460.9 ± 20.280.7 ± 19.862.0 ± 19.957.9 ± 27.657.8 ± 31.842.0 ± 24.148.9 ± 25.4
CoSinGAN493.5 ± 4.976.4 ± 9.194.7 ± 2.176.7 ± 7.763.5 ± 19.262.8 ± 22.751.0 ± 22.959.5 ± 21.4
IF-CoSinGAN493.2 ± 7.177.7 ± 10.594.6 ± 3.777.2 ± 9.366.7 ± 19.766.5 ± 23.250.5 ± 21.558.8 ± 20.0
RC-CoSinGAN494.1 ± 7.181.0 ± 10.195.1 ± 3.679.7 ± 8.564.8 ± 21.667.4 ± 23.046.6 ± 24.254.2 ± 22.5
Fold-4Benchmark87389.9 ± 12.474.0 ± 16.292.0 ± 8.774.8 ± 16.048.6 ± 29.852.0 ± 32.122.8 ± 22.925.6 ± 22.4
CoSinGAN492.2 ± 6.975.5 ± 10.093.2 ± 4.873.9 ± 10.265.4 ± 11.762.2 ± 15.832.8 ± 24.640.4 ± 22.9
IF-CoSinGAN492.4 ± 6.474.6 ± 9.693.4 ± 4.072.6 ± 9.070.1 ± 9.368.5 ± 13.532.6 ± 23.840.9 ± 22.9
RC-CoSinGAN493.4 ± 5.277.3 ± 8.793.9 ± 3.775.6 ± 9.173.3 ± 8.073.5 ± 13.642.3 ± 26.049.1 ± 26.6
AvgBenchmark70487.3 ± 15.770.5 ± 18.689.4 ± 12.771.0 ± 17.657.7 ± 26.157.2 ± 28.840.7 ± 24.146.7 ± 24.7
CoSinGAN493.0 ± 6.076.5 ± 11.494.1 ± 4.075.8 ± 9.164.1 ± 18.760.5 ± 21.342.4 ± 24.450.0 ± 23.3
IF-CoSinGAN493.2 ± 5.976.8 ± 10.194.3 ± 3.875.8 ± 9.364.7 ± 18.861.4 ± 21.337.1 ± 23.445.0 ± 22.0
RC-CoSinGAN493.9 ± 5.679.5 ± 9.694.6 ± 3.878.1 ± 8.971.3 ± 19.072.0 ± 20.947.4 ± 23.754.8 ± 23.3
Table 6. Quantitative results (Mean±Standard deviation) of 5-fold cross validation and independent testing based on 3D U-Net. For each fold, average DSC and NSD values are reported. The last row shows the average results of 80 (=5 folds × 16 testing cases per fold) testing cases in the COVID-19-CT-Seg dataset and 250 (=5 folds × 50 testing cases per fold) testing cases in the MosMed dataset. The third column shows the number of real labeled CT slices used for training. ↑ denoting a higher score admits better segmentation performance. The entries in bold highlight the best average results.
Table 6. Quantitative results (Mean±Standard deviation) of 5-fold cross validation and independent testing based on 3D U-Net. For each fold, average DSC and NSD values are reported. The last row shows the average results of 80 (=5 folds × 16 testing cases per fold) testing cases in the COVID-19-CT-Seg dataset and 250 (=5 folds × 50 testing cases per fold) testing cases in the MosMed dataset. The third column shows the number of real labeled CT slices used for training. ↑ denoting a higher score admits better segmentation performance. The entries in bold highlight the best average results.
SubtaskMethodsSlice
Number
Left LungRight LungInfection (COVID-19-CT-Seg)Infection (MosMed)
DSC ↑NSD ↑DSC ↑NSD ↑DSC ↑NSD ↑DSC ↑NSD ↑
Fold-0Benchmark63453.8 ± 28.439.1 ± 18.365.5 ± 19.447.4 ± 14.365.4 ± 23.968.2 ± 23.251.0 ± 23.260.1 ± 22.4
CoSinGAN459.9 ± 9.840.1 ± 6.656.6 ± 14.232.6 ± 6.951.7 ± 21.152.3 ± 21.937.7 ± 24.045.5 ± 23.8
Fold-1Benchmark68140.3 ± 18.727.5 ± 12.060.1 ± 11.141.7 ± 9.964.7 ± 21.860.6 ± 25.149.8 ± 21.355.4 ± 20.1
CoSinGAN460.7 ± 10.236.9 ± 6.761.7 ± 8.734.2 ± 6.267.8 ± 19.563.7 ± 22.152.8 ± 23.759.3 ± 23.4
Fold-2Benchmark68380.3 ± 18.866.8 ± 18.885.2 ± 12.468.6 ± 15.160.7 ± 27.662.5 ± 28.946.8 ± 24.250.2 ± 24.2
CoSinGAN459.9 ± 10.940.5 ± 6.456.0 ± 14.730.8 ± 8.964.2 ± 19.464.4 ± 20.939.7 ± 23.447.0 ± 23.0
Fold-3Benchmark64979.7 ± 13.665.4 ± 14.484.0 ± 9.867.7 ± 13.062.0 ± 27.965.3 ± 28.944.8 ± 26.652.7 ± 25.4
CoSinGAN459.5 ± 7.141.6 ± 5.144.5 ± 15.624.4 ± 8.259.9 ± 21.160.5 ± 24.151.0 ± 23.557.0 ± 22.4
Fold-4Benchmark87372.4 ± 21.158.6 ± 20.880.9 ± 13.463.4 ± 15.951.4 ± 30.251.9 ± 31.016.7 ± 19.519.3 ± 19.0
CoSinGAN457.4 ± 13.437.6 ± 7.352.6 ± 16.433.3 ± 7.564.1 ± 15.463.2 ± 17.043.4 ± 22.849.8 ± 22.0
AvgBenchmark70465.4 ± 25.651.6 ± 22.975.3 ± 16.857.9 ± 17.560.8 ± 26.361.6 ± 27.541.8 ± 26.447.6 ± 26.7
CoSinGAN459.5 ± 10.539.3 ± 6.754.3 ± 15.331.2 ± 8.461.5 ± 20.260.8 ± 21.844.9 ± 24.251.7 ± 23.6
Table 7. Quantitative results (Mean ± Standard deviation) of different solutions for learning automated COVID-19 infection segmentation based on 2D U-Net. ↑ denoting a higher score admits better segmentation performance. The entries in bold highlight the best average results.
Table 7. Quantitative results (Mean ± Standard deviation) of different solutions for learning automated COVID-19 infection segmentation based on 2D U-Net. ↑ denoting a higher score admits better segmentation performance. The entries in bold highlight the best average results.
MethodsInfection (COVID-19-CT-Seg)
DSC ↑NSD ↑
Learning with only non-COVID-19 CT scansTask2-MSD7.9 ± 11.512.9 ± 15.3
Task2-StructSeg0.2 ± 0.80.6 ± 1.6
Task2-NSCLC1.2 ± 2.97.3 ± 9.7
Learning with both COVID-19 and non-COVID-19 CT scansTask3-MSD51.2 ± 26.852.7 ± 27.4
Task3-StructSeg57.4 ± 26.657.3 ± 28.4
Task3-NSCLC52.5 ± 29.652.6 ± 30.3
Learning with only COVID-19 CT scans (or slices)Benchmark57.7 ± 26.157.2 ± 28.8
CoSinGAN64.1 ± 18.760.5 ± 21.3
RC-CoSinGAN71.3 ± 19.072.0 ± 20.9
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Zhang, P.; Zhong, Y.; Deng, Y.; Tang, X.; Li, X. CoSinGAN: Learning COVID-19 Infection Segmentation from a Single Radiological Image. Diagnostics 2020, 10, 901. https://doi.org/10.3390/diagnostics10110901

AMA Style

Zhang P, Zhong Y, Deng Y, Tang X, Li X. CoSinGAN: Learning COVID-19 Infection Segmentation from a Single Radiological Image. Diagnostics. 2020; 10(11):901. https://doi.org/10.3390/diagnostics10110901

Chicago/Turabian Style

Zhang, Pengyi, Yunxin Zhong, Yulin Deng, Xiaoying Tang, and Xiaoqiong Li. 2020. "CoSinGAN: Learning COVID-19 Infection Segmentation from a Single Radiological Image" Diagnostics 10, no. 11: 901. https://doi.org/10.3390/diagnostics10110901

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop