License: arXiv.org perpetual non-exclusive license
arXiv:2402.01186v1 [eess.IV] 02 Feb 2024
\authorinfo

Further author information: (Send correspondence to Weimin Zhou.)
Weimin Zhou: E-mail: [email protected]

Ambient-Pix2PixGAN for Translating Medical Images from Noisy Data

Wentao Chen University of Michigan-Shanghai Jiao Tong University Joint Institute, Shanghai Jiao Tong University, Shanghai, 200240, China Xichen Xu Global Institute of Future Technology, Shanghai Jiao Tong University, Shanghai, 200240, China Jie Luo School of Biomedical Engineering, Shanghai Jiao Tong University, Shanghai, 200240, China Weimin Zhou University of Michigan-Shanghai Jiao Tong University Joint Institute, Shanghai Jiao Tong University, Shanghai, 200240, China Global Institute of Future Technology, Shanghai Jiao Tong University, Shanghai, 200240, China
Abstract

Image-to-image translation is a common task in computer vision and has been rapidly increasing the impact on the field of medical imaging. Deep learning-based methods that employ conditional generative adversarial networks (cGANs), such as Pix2PixGAN, have been extensively explored to perform image-to-image translation tasks. However, when noisy medical image data are considered, such methods cannot be directly applied to produce clean images. Recently, an augmented GAN architecture named AmbientGAN has been proposed that can be trained on noisy measurement data to synthesize high-quality clean medical images. Inspired by AmbientGAN, in this work, we propose a new cGAN architecture, Ambient-Pix2PixGAN, for performing medical image-to-image translation tasks by use of noisy measurement data. Numerical studies that consider MRI-to-PET translation are conducted. Both traditional image quality metrics and task-based image quality metrics are employed to assess the proposed Ambient-Pix2PixGAN. It is demonstrated that our proposed Ambient-Pix2PixGAN can be successfully trained on noisy measurement data to produce high-quality translated images in target imaging modality.

keywords:
Image-to-Image Translation, Ambient-Pix2PixGAN, Image Quality

1 PURPOSE

Image-to-image translation is a common computer vision task that aims to map images in one domain (source domain) to images in another domain (target domain). Medical image translation has been rapidly increasing the impact on the field of medical imaging [1]. For example, MR-to-CT translation was conducted for radiotherapy treatment planning [2]; MR-to-PET translation was performed for establishing a group of pseudo-normal PET images to provide healthy control for localizing the epileptic focus [3]; Low-dose to high-dose CT image translation was investigated for low-dose CT image denoising [4]. Moreover, image-to-image translation may also be useful for establishing stochastic object models (SOMs) that produce object properties in missing imaging modalities. Such SOMs are a critical component for the objective assessment of image quality [5, 6, 7, 8, 9].

Deep learning-based methods that employ conditional generative adversarial network (cGAN) hold great promise to perform image-to-image translation tasks for medical image analysis [10]. A cGAN, such as Pix2PixGAN [11], comprises a generator and a discriminator that are both represented by neural networks. In a cGAN training process, a discriminator is trained to capture the target distribution information for guiding the generator to perform a map** from the source image domain to the target image domain. The generator is trained to produce target images that are not only indistinguishable from the discriminator but also share similar structure as the input source image. However, medical imaging systems acquire measurement data that are noisy and/or incomplete. Therefore, training cGAN directly on noisy medical imaging measurements may lead to degraded image quality.

Zhou et al. investigated the ability of AmbientGANs [12] to establish SOMs by use of noisy measurement data [13]. In AmbientGANs, the measurement process was included in the GAN architecture to simulate the measurement data corresponding to the generator-produced “fake” objects, and the discriminator is trained to distinguish between the simulated measurement data and the ground truth measurement data. The generator is subsequently trained against the discriminator to learn the underlying distribution of the objects to-be-imaged.

Inspired by AmbientGAN, in this work, we propose a novel paired image-to-image translation method Ambient-Pix2PixGAN that can act on noisy medical image data. Numerical studies that considered MR-to-PET translation are conducted to investigate the ability of our proposed method to perform image-to-image translation tasks by the use of noisy medical image data. Both traditional image quality metrics and task-based image quality metrics are evaluated to assess the trained models. It is demonstrated that the proposed Ambient-Pix2PixGAN method can be successfully trained on noisy medical image data to produce high-quality translated images.

2 METHODS

2.1 Pix2PixGAN

Isola et al. [11] proposed a conditional GAN method named Pix2PixGAN to perform paired image-to-image translation tasks. A so-called Pix2PixGAN comprises a generator and discriminator, both are represented by deep neural networks. The generator is trained against the discriminator through an adversarial process to produce images that are indistinguishable to the training images in the target domain. Moreover, in the training, the L1𝐿1L1italic_L 1 distance between the ground-truth images and the generator-produced images is minimized to ensure that the produced images are close to the ground truth images. More details about the Pix2PixGAN can be found in the publication [11]. However, Pix2PixGAN that is directly applied to medical image data that are contaminated by measurement noise is not able to produce high-quality clean images, which may subsequently affect downstrem medical imaging tasks. To address this issue, in this work, we develop a novel Ambient-Pix2PixGAN method that can be trained on noisy medical image data for producing clean translated images in the target imaging modality.

2.2 Ambient-Pix2PixGAN

To train a generative model by use of noisy measurement data, Bora et al. [12] proposed an augmented GAN architecture named AmbientGAN. In AmbientGAN, a measurement process was included to simulate the measurement data corresponding to the generator-produced objects. More recently, Zhou et al. [14, 13] investigated the use of AmbientGANs to establish stochastic object models from measurement data. Inspired by these works, we propose an Ambient-Pix2PixGAN for performing medical image translation tasks by use of noisy measurement data. The proposed Ambient-Pix2PixGAN architecture is illustrated in Fig. 2.

Refer to caption
Figure 1: An illustration of the Ambient-Pix2PixGAN architecture in the image-to-image translation task from MRI (x𝑥xitalic_x) to PET (y𝑦yitalic_y). The generator G𝐺Gitalic_G is trained to generate a fake image ycsubscript𝑦𝑐y_{c}italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT that is processed by the image degradation function nsubscript𝑛\mathcal{H}_{n}caligraphic_H start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT to generate the fake measurement data y^^𝑦\hat{y}over^ start_ARG italic_y end_ARG to fool D𝐷Ditalic_D. The discriminator D𝐷Ditalic_D is trained to classify between fake (synthesized by the generator) and real tuples {x,y^}𝑥^𝑦\{x,\hat{y}\}{ italic_x , over^ start_ARG italic_y end_ARG } and {x,y}𝑥𝑦\{x,y\}{ italic_x , italic_y }.

The objective function of the Ambient-Pix2PixGAN can be expressed as:

=cGAN+λL1.subscript𝑐𝐺𝐴𝑁𝜆subscript𝐿1\mathcal{L}=\mathcal{L}_{cGAN}+\lambda\mathcal{L}_{L1}.caligraphic_L = caligraphic_L start_POSTSUBSCRIPT italic_c italic_G italic_A italic_N end_POSTSUBSCRIPT + italic_λ caligraphic_L start_POSTSUBSCRIPT italic_L 1 end_POSTSUBSCRIPT . (1)

Here, cGANsubscript𝑐𝐺𝐴𝑁\mathcal{L}_{cGAN}caligraphic_L start_POSTSUBSCRIPT italic_c italic_G italic_A italic_N end_POSTSUBSCRIPT is the adversarial loss that involves the simulated measurement data and the training measurement data, L1subscript𝐿1\mathcal{L}_{L1}caligraphic_L start_POSTSUBSCRIPT italic_L 1 end_POSTSUBSCRIPT is the L1𝐿1L1italic_L 1 distance between the fake measurement data and the ground-truth measurement data, and λ𝜆\lambdaitalic_λ is a parameter that controls the relative importance between the adversarial loss and the L1𝐿1L1italic_L 1 distance. The cGANsubscript𝑐𝐺𝐴𝑁\mathcal{L}_{cGAN}caligraphic_L start_POSTSUBSCRIPT italic_c italic_G italic_A italic_N end_POSTSUBSCRIPT and L1subscript𝐿1\mathcal{L}_{L1}caligraphic_L start_POSTSUBSCRIPT italic_L 1 end_POSTSUBSCRIPT can be expressed as:

cGAN=𝔼x,y^[logD(x,y^)]+𝔼x[log(1D(x,y)],\mathcal{L}_{cGAN}=\mathbb{E}_{x,\hat{y}}[\log D(x,\hat{y})]+\mathbb{E}_{x}[% \log(1-D(x,y)],caligraphic_L start_POSTSUBSCRIPT italic_c italic_G italic_A italic_N end_POSTSUBSCRIPT = blackboard_E start_POSTSUBSCRIPT italic_x , over^ start_ARG italic_y end_ARG end_POSTSUBSCRIPT [ roman_log italic_D ( italic_x , over^ start_ARG italic_y end_ARG ) ] + blackboard_E start_POSTSUBSCRIPT italic_x end_POSTSUBSCRIPT [ roman_log ( 1 - italic_D ( italic_x , italic_y ) ] , (2)
L1=𝔼y,y^[y^y1].subscript𝐿1subscript𝔼𝑦^𝑦delimited-[]subscriptnorm^𝑦𝑦1\mathcal{L}_{L1}=\mathbb{E}_{y,\hat{y}}\left[\|\hat{y}-y\|_{1}\right].caligraphic_L start_POSTSUBSCRIPT italic_L 1 end_POSTSUBSCRIPT = blackboard_E start_POSTSUBSCRIPT italic_y , over^ start_ARG italic_y end_ARG end_POSTSUBSCRIPT [ ∥ over^ start_ARG italic_y end_ARG - italic_y ∥ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT ] . (3)

Here, G𝐺Gitalic_G and D𝐷Ditalic_D represent the generator network and discriminator network, respectively, x𝑥xitalic_x denotes the training data in the source domain and y𝑦yitalic_y denotes the training data in the target domain, ycsubscript𝑦𝑐y_{c}italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT is the generator-produced image: yc=G(x)subscript𝑦𝑐𝐺𝑥y_{c}=G(x)italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT = italic_G ( italic_x ), and y^^𝑦\hat{y}over^ start_ARG italic_y end_ARG is the fake measurement data y^=n(yc)^𝑦subscript𝑛subscript𝑦𝑐\hat{y}=\mathcal{H}_{n}({y_{c}})over^ start_ARG italic_y end_ARG = caligraphic_H start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT ( italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ).

3 NUMERICAL STUDIES AND RESULTS

A total number of 4,503 2D brain MRI and PET images from 36 healthy subjects were used in this work. The data had been de-identified and approved by the Department of Nuclear Medicine, Rui** Hospital, Shanghai Jiao Tong University School of Medicine. In this study, 3,484 (80%) subjects were used for training and 1,019 (20%) were used for testing. The data had the size of 256×256256256256\times 256256 × 256. To simulate the noisy measured images, we added Gaussian noise with a mean of 0 and a standard deviation of 0.05 to the MRI and PET images. Our experiments were conducted on one NVIDIA GeForce RTX 3090 Ti GPU with the initial learning rate of model training set to 2e-4 and the batch size to 4. The total number of iterations is 2000. We used minibatch SGD and apply the Adam solver, with a learning rate of 0.0002, and momentum parameters β1=0.5subscript𝛽10.5\beta_{1}=0.5italic_β start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT = 0.5, β2=0.999subscript𝛽20.999\beta_{2}=0.999italic_β start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT = 0.999. During training, we also set the hyper-parameter λ=1𝜆1\lambda=1italic_λ = 1 in the objective loss function \mathcal{L}caligraphic_L in Eq. 1.

Examples of images produced by the Ambient-Pix2PixGAN are shown in Fig. 2. The input MRI images are noisy while the synthesized PET images are clean.

Refer to caption
Figure 2: (a1) and (a2) are the noisy MRI images as input, (b1) and (b2) are the corresponding PET images generated by our proposed Ambient-Pix2PixGAN.

Additionally, a traditional Pix2PixGAN was trained directly on noisy MRI and PET images. The generated images were compared with those produced by the Ambient-Pix2PixGAN in Fig. 3. As expected, the traditional Pix2PixGAN that directly trained on noisy images produced synthesized images that are strongly affected by noise; while the images produced by the proposed Ambient-Pix2PixGAN are clean because the Ambient-Pix2PixGAN was trained to learn the underlying distribution of objects instead of noisy measurement data.

Refer to caption
(a) Pix2PixGAN
Refer to caption
(b) Ambient-Pix2PixGAN
Figure 3: (a) and (b) are images generated by the Pix2PixGAN and Ambient-Pix2PixGAN, respectively.

The Ambient-Pix2PixGAN and the traditional Pix2PixGAN were further evaluated by use of Structure Similarity Index Measure (SSIM), Frechet Inception Distance (FID), Peak Signal-to-Noise Ratio (PSNR) and Root Mean Squared Error (RMSE). These metrics were evaluated on all 1,019 images in the test set, and the results are shown in Table 1. Compared with the traditional Pix2PixGAN, the proposed Ambient-Pix2PixGAN achieved improved values for all the considered metrics. We also calculated the singular value spectrum of the covariance matrix for images generated by Pix2PixGAN and Ambient-Pix2PixGAN, as well as for the ground truth images. The three singular value spectra are compared in Fig. 4(a). It is shown that the curve corresponding to the Ambient-Pix2PixGAN has a higher degree of overlap with the ground truth curve compared to that corresponding to the Pix2PixGAN. We also compared the radially averaged power spectrum corresponding to the generated images and ground truth images in Fig. 4(b). Again, the power spectrum corresponding to the Ambient-Pix2PixGAN is closer to the ground-truth power spectrum than the traditional Pix2PixGAN.

Model Noise SSIM (\uparrow) FID (\downarrow) PSNR (\uparrow) RMSE (\downarrow)
Pix2PixGAN std=0.05 0.2677 87.9604 23.9667 0.0636
Ambient-Pix2PixGAN 0.8892 47.0719 28.5325 0.0384
Table 1: Performance comparison between our method (Ambient-Pix2PixGAN) and Pix2PixGAN.

Additionally, probability density functions (PDFs) of SSIM, PSNR, and RMSE evaluated between synthesized images and ground-truth images are shown in Fig 4(c) to Fig. 4(e). It is shown that the SSIM values and PSNR vales produced by the Ambient-Pix2PixGAN were overall greater than those produced by the Pix2PixGAN, and the RMSE values produced by the Ambient-Pix2PixGAN were overall smaller than those produced by the Pix2PixGAN.

Refer to caption
(a) Singular value spectrum
Refer to caption
(b) Power spectrum
Refer to caption
(c) SSIM
Refer to caption
(d) PSNR
Refer to caption
(e) RMSE
Figure 4: (a) Singular value spectra comparison, (b) Radially averaged power spectra comparison, (c)-(e) represent probability density functions (PDFs) corresponding to SSIM, PSNR, and RMSE, respectively.

Moreover, a task-based image quality evaluation was conducted to assess our proposed Ambient-Pix2PixGAN method. Specifically, we considered a signal-known-exactly (SKE) and background-known-statistically (BKS) binary signal detection task. An observer is required to classify the measured image data 𝐠𝐠\mathbf{g}bold_g as satisfying either a signal-present hypothesis H1subscript𝐻1H_{1}italic_H start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT or a signal-absent hypothesis H0subscript𝐻0H_{0}italic_H start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT [15]. The imaging processes under these two hypotheses can be described as:

H0::subscript𝐻0absent\displaystyle H_{0}:italic_H start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT : 𝐠=𝐛+𝐧,𝐠𝐛𝐧\displaystyle\ \mathbf{g}=\mathbf{b}+\mathbf{n},bold_g = bold_b + bold_n , (4a)
H1::subscript𝐻1absent\displaystyle H_{1}:italic_H start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT : 𝐠=𝐛+𝐬+𝐧.𝐠𝐛𝐬𝐧\displaystyle\ \mathbf{g}=\mathbf{b}+\mathbf{s}+\mathbf{n}.bold_g = bold_b + bold_s + bold_n . (4b)

The background 𝐛𝐛\mathbf{b}bold_b can be either the ground-truth PET images or the generated images. The PET images were center-cropped to a size of 30×30303030\times 3030 × 30 and a Gaussian signal was added to form the signal-present images. Table 2 shows the specifications of the five considered signal detection tasks.

Task Signal Noise
1 Gaussian Signal(std=0.6, magnitude=1.5) Gaussian Noise(mean=0, std=1)
2 Gaussian Signal(std=0.5, magnitude=1) Gaussian Noise(mean=0, std=0.7)
3 Gaussian Signal(std=0.7, magnitude=0.4) Gaussian Noise(mean=0, std=0.5)
4 Gaussian Signal(std=0.5, magnitude=1) Gaussian Noise(mean=0, std=1)
5 Gaussian Signal(std=0.6, magnitude=0.9) Gaussian Noise(mean=0, std=1)
Table 2: Five considered signal detection tasks, the location of the added signal is the center of the image.

The signal-to-noise ratio of the test statistic of the Hotelling observer, SNRHOsubscriptSNR𝐻𝑂\text{SNR}_{HO}SNR start_POSTSUBSCRIPT italic_H italic_O end_POSTSUBSCRIPT, was employed to assess the signal detection performance. The SNRHOsubscriptSNR𝐻𝑂\text{SNR}_{HO}SNR start_POSTSUBSCRIPT italic_H italic_O end_POSTSUBSCRIPT can be computed as [15]:

SNRHO2=Δ𝐠¯¯T𝐰HO=Δ𝐠¯¯T[𝐊𝐠]1Δg¯¯.superscriptsubscriptSNR𝐻𝑂2Δsuperscript¯¯𝐠𝑇subscript𝐰HOΔsuperscript¯¯𝐠𝑇superscriptdelimited-[]subscript𝐊𝐠1Δ¯¯g\mathrm{SNR}_{HO}^{2}=\Delta\overline{\overline{\mathbf{g}}}^{T}\mathbf{w}_{% \mathrm{HO}}=\Delta\overline{\overline{\mathbf{g}}}^{T}\left[\mathbf{K}_{% \mathbf{g}}\right]^{-1}\Delta\overline{\overline{\mathrm{g}}}.roman_SNR start_POSTSUBSCRIPT italic_H italic_O end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT = roman_Δ over¯ start_ARG over¯ start_ARG bold_g end_ARG end_ARG start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT bold_w start_POSTSUBSCRIPT roman_HO end_POSTSUBSCRIPT = roman_Δ over¯ start_ARG over¯ start_ARG bold_g end_ARG end_ARG start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT [ bold_K start_POSTSUBSCRIPT bold_g end_POSTSUBSCRIPT ] start_POSTSUPERSCRIPT - 1 end_POSTSUPERSCRIPT roman_Δ over¯ start_ARG over¯ start_ARG roman_g end_ARG end_ARG . (5)

where Δg¯¯Δ¯¯g\Delta\overline{\overline{\mathrm{g}}}roman_Δ over¯ start_ARG over¯ start_ARG roman_g end_ARG end_ARG is the difference between means of vector 𝐠𝐠\mathbf{g}bold_g under the H1subscript𝐻1H_{1}italic_H start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and H0subscript𝐻0H_{0}italic_H start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT hypotheses, and 𝐊𝐠subscript𝐊𝐠\mathbf{K}_{\mathbf{g}}bold_K start_POSTSUBSCRIPT bold_g end_POSTSUBSCRIPT is the covariance matrix of the measured data 𝐠𝐠\mathbf{g}bold_g. The SNRHOsubscriptSNR𝐻𝑂\text{SNR}_{HO}SNR start_POSTSUBSCRIPT italic_H italic_O end_POSTSUBSCRIPT values produced by the Pix2PixGAN, Ambient-Pix2PixGAN, and the ground truth images are shown in Fig. 5. The Pix2PixGAN produced smaller SNRHOsubscriptSNR𝐻𝑂\text{SNR}_{HO}SNR start_POSTSUBSCRIPT italic_H italic_O end_POSTSUBSCRIPT because it produced images that are affected by noise; while the Ambient-Pix2PixGAN produced SNRHOsubscriptSNR𝐻𝑂\text{SNR}_{HO}SNR start_POSTSUBSCRIPT italic_H italic_O end_POSTSUBSCRIPT values similar to the ground truth values.

Refer to caption
Figure 5: Comparison between Pix2PixGAN generated, Ambient-Pix2PixGAN generated and ground truth SNRHOsubscriptSNR𝐻𝑂\text{SNR}_{HO}SNR start_POSTSUBSCRIPT italic_H italic_O end_POSTSUBSCRIPT for different signal detection tasks.

4 Conclusion

This study introduces a novel Ambient-Pix2PixGAN approach for performing paired image-to-image translation tasks for cases where only noisy image data are available. Preliminary studies that considered noisy MRI and PET images were conducted. Both traditional image quality measures and task-based image quality measures were evaluated to assess the trained models. It was demonstrated that Ambient-Pix2PixGAN can be successfully applied to synthesize high-quality clean images based on noisy data.

References

  • [1] Armanious, K., Jiang, C., Fischer, M., Küstner, T., Hepp, T., Nikolaou, K., Gatidis, S., and Yang, B., “Medgan: Medical image translation using gans,” Computerized medical imaging and graphics 79, 101684 (2020).
  • [2] Yang, H., Sun, J., Carass, A., Zhao, C., Lee, J., Prince, J. L., and Xu, Z., “Unsupervised mr-to-ct synthesis using structure-constrained cyclegan,” IEEE transactions on medical imaging 39(12), 4249–4261 (2020).
  • [3] Hu, S., Lei, B., Wang, S., Wang, Y., Feng, Z., and Shen, Y., “Bidirectional map** generative adversarial networks for brain mr to pet synthesis,” IEEE Transactions on Medical Imaging 41(1), 145–157 (2021).
  • [4] Yang, Q., Yan, P., Zhang, Y., Yu, H., Shi, Y., Mou, X., Kalra, M. K., Zhang, Y., Sun, L., and Wang, G., “Low-dose ct image denoising using a generative adversarial network with wasserstein distance and perceptual loss,” IEEE transactions on medical imaging 37(6), 1348–1357 (2018).
  • [5] Zhou, W., Li, H., and Anastasio, M. A., “Approximating the ideal observer and hotelling observer for binary signal detection tasks by use of supervised learning methods,” IEEE transactions on medical imaging 38(10), 2456–2468 (2019).
  • [6] Zhou, W., Li, H., and Anastasio, M. A., “Approximating the ideal observer for joint signal detection and localization tasks by use of supervised learning methods,” IEEE transactions on medical imaging 39(12), 3992–4000 (2020).
  • [7] Li, K., Zhou, W., Li, H., and Anastasio, M. A., “A hybrid approach for approximating the ideal observer for joint signal detection and estimation tasks by use of supervised learning and markov-chain monte carlo methods,” IEEE transactions on medical imaging 41(5), 1114–1124 (2021).
  • [8] Zhou, W., Villa, U., and Anastasio, M. A., “Ideal observer computation by use of markov-chain monte carlo with generative adversarial networks,” IEEE Transactions on Medical Imaging 42(12), 3715–3724 (2023).
  • [9] Granstedt, J. L., Zhou, W., and Anastasio, M. A., “Approximating the hotelling observer with autoencoder-learned efficient channels for binary signal detection tasks,” Journal of Medical Imaging 10(5), 055501–055501 (2023).
  • [10] Dar, S. U., Yurt, M., Karacan, L., Erdem, A., Erdem, E., and Cukur, T., “Image synthesis in multi-contrast mri with conditional generative adversarial networks,” IEEE transactions on medical imaging 38(10), 2375–2388 (2019).
  • [11] Isola, P., Zhu, J.-Y., Zhou, T., and Efros, A. A., “Image-to-image translation with conditional adversarial networks,” in [Proceedings of the IEEE conference on computer vision and pattern recognition ], 1125–1134 (2017).
  • [12] Bora, A., Price, E., and Dimakis, A. G., “Ambientgan: Generative models from lossy measurements,” in [International conference on learning representations ], (2018).
  • [13] Zhou, W., Bhadra, S., Brooks, F. J., Li, H., and Anastasio, M. A., “Learning stochastic object models from medical imaging measurements by use of advanced ambient generative adversarial networks,” Journal of Medical Imaging 9(1), 015503–015503 (2022).
  • [14] Zhou, W., Bhadra, S., Brooks, F. J., Li, H., and Anastasio, M. A., “Learning stochastic object models from medical imaging measurements using progressively-growing ambientgans,” arXiv preprint arXiv:2006.00033 (2020).
  • [15] Barrett, H. H. and Myers, K. J., [Foundations of image science ], John Wiley & Sons (2013).