11institutetext: University of California, Santa Cruz, Electrical and Computer Engineering Department 22institutetext: University of California, Santa Cruz, Computer Science and Engineering Department

GaSpCT: Gaussian Splatting for Novel CT Projection View Synthesis

Emmanouil Nikolakakis 11    Utkarsh Gupta 22    Jonathan Vengosh 22    Justin Bui 22    Razvan Marinescu 22
Abstract

We present GaSpCT, a novel view synthesis and 3D scene representation method used to generate novel projection views for Computer Tomography (CT) scans. We adapt the Gaussian Splatting framework to enable novel view synthesis in CT based on limited sets of 2D image projections and without the need for Structure from Motion (SfM) methodologies. Therefore, we reduce the total scanning duration and the amount of radiation dose the patient receives during the scan. We adapted the loss function to our use-case by encouraging a stronger background and foreground distinction using two sparsity promoting regularizers: a beta loss and a total variation (TV) loss. Finally, we initialize the Gaussian locations across the 3D space using a uniform prior distribution of where the brain’s positioning would be expected to be within the field of view. We evaluate the performance of our model using brain CT scans from the Parkinson’s Progression Markers Initiative (PPMI) dataset and demonstrate that the rendered novel views closely match the original projection views of the simulated scan, and have better performance than other implicit 3D scene representations methodologies. Furthermore, we empirically observe reduced training time compared to neural network based image synthesis for sparse-view CT image reconstruction. Finally, the memory requirements of the Gaussian Splatting representations are reduced by 17% compared to the equivalent voxel grid image representations.

Keywords:
Gaussian Splatting Sparse-View CT Reconstruction Novel View Synthesis

1 Introduction

Implicit scene representation models such as Neural Radiance Fields (NeRF) [14] have had a significant impact on Computer Vision and Computer Graphics applications. By map** the coordinates [X,Y,Z]𝑋𝑌𝑍[X,Y,Z][ italic_X , italic_Y , italic_Z ] of a pixel and the polar angles [ϕitalic-ϕ\phiitalic_ϕ, θ𝜃\thetaitalic_θ] describing the camera viewing direction to an RGB and transparency value, these techniques are able to implicitly capture a 3D representation into the weights of a feed-forward neural network, and can render images from novel viewing angles. One recent model for implicit 3D scene representation is Gaussian Splatting [10], that uses 3D Gaussians denoted as splats to encode view-dependent color values. These models are better suited for preserving low-detail visuals, effectively reducing both the graininess and motion-induced artifacts in the image. They require significantly less training time than other state-of-the-art NeRF models such as [2], however their memory footprint is much larger.

Novel view synthesis and 3D scene representation would be highly desirable for use in medical imaging systems, in particular for Computational Tomography (CT). This is because the raw CT signal is acquired as projection sinograms which can then be converted into 2D angular radiographs [7]. In an effort to reduce the overall dose [15] administered to the patient during the scanning procedure, a typical approach is to reduce the number of projection views. Machine Learning (ML) techniques have been used for low-dose CT reconstruction. These aimed to remove statistical noise such as graininess caused by a lower amount of photons detected per projection view [3, 22, 6], while other techniques dealt with sparse-view reconstruction in the 2D image domain [24, 9, 19] or the sinogram projection domain [5, 11, 8]. However, since the input data consists of 2D projections, implicit representation models can potentially be used for a new form of CT reconstruction that renders novel projection views in the image domain, and which would naturally compensate for the lack of sufficient views that typically can result in structural artifacts such as streaks. MedNeRF [4] has adapted the GRAF [18] model which creates a conditional Generative Adversarial Network (GAN) for CT reconstruction and allows to synthesize a complete 360 degree view of a scan from a single 2D x-ray as an input. Nevertheless, there has been no work adapting Gaussian Splatting for CT novel view synthesis.

There are several reasons why a Gaussian Splatting model is desirable for CT. First, given that radiodensities in CT imaging vary anisotropically [13], Gaussians are an ideal way to represent a CT image. Secondly, while NeRF models reconstruct fine details and higher frequency components with higher fidelity, they can often produce floaters, which are motion-induced artifacts [21]. Gaussian Splatting is better suited for smooth images consisting of low-frequency components and is less prone to similar artifacts. Finally, training a Gaussian Splatting-based scene representation is much faster, which is critical in medical imaging, while the higher memory footprint is not a constraint in the field.

In this work, we present GaSpCT, a Gaussian Splatting-based model enhanced specifically for CT brain imaging applications. The result is a model that accurately encodes the 3D information of a CT scan given only half or less of the total projection views as a training dataset. The reconstructed 3D scenes preserve the signal with high accuracy for any camera pose within the FOV. In our experiments, the training process takes 5-10 minutes while the memory footprint of the 3-dimensional data in polygon file format (27-42 MB) is smaller than other voxel grid or mesh-based approaches. We summarize our contributions as the following:

  • We introduce GaSpCT, an implicit 3D scene representation and novel view synthesis model that allows for rendering novel CT brain projections from a limited projection dataset. The model leaves a small memory footprint and rendering new views is computationally inexpensive.

  • In CT imaging, it is expected that pixels not occupied by the patient will have empty or background intensity values. To promote smoothness and sparsity in the synthesized views, we augment the baseline loss function used in Gaussian Splatting adding a Total Variation (TV) loss and Beta distribution negative log likelihood loss.

  • We introduce a script to extract CT camera parameters from the Digital Imaging and Communications in Medicine (DICOM) metadata of the reconstructed images by approximating them to those of a pinhole camera. Thus, we remove the necessity of Structure from Motion (SfM) [17] which performs poorly on CT radiographs due to the lack of distinct edges [1]. Additionally, our approach also initializes an ellipsoid 3D point cloud representing the expected patient brain volume.

  • We perform the first verification of implicit 3D scene representation on brain CT projection images and provide all used datasets to the medical imaging community.

2 Methodology

2.1 GaSpCT

Our model is based on Gaussian Splatting, an implicit 3D scene representation model similar to NeRF. We adapted the model specifically for CT brain scans, adding two sparsity-promoting regularizers in the loss function and initializing the point cloud to an ellipsoid, similar to the expected brain structure seen in the training images. An overview of our model can be seen in 1.

Refer to caption
Figure 1: Optimization of 3D Gaussians initialized as an ellipsoid. Using the camera poses extracted from the DICOM metadata, we can perform forward passes and backpropagation through the differential Gaussian rasterizer.

2.2 Gaussian Splatting

In the original Gaussian Splatting model, a 3D scene is encoded as 3D Gaussians (the splats). Each Gaussian consists of 38 parameters that encode its position, covariance, color, and opacity. During optimization, a 2D image and camera pose are sampled from the training dataset distribution. With the use of a differential Gaussian rasterizer, the equivalent image is rendered from the point cloud for the given pose. The loss between the rendered image and the ground truth is calculated and the backpropagation step is performed using the Adam optimizer on the loss function’s gradients. The original Gaussian Splatting model optimizes the following loss function:

Original=(1λ)1+λD_SSIMsubscript𝑂𝑟𝑖𝑔𝑖𝑛𝑎𝑙1𝜆subscript1𝜆subscript𝐷_𝑆𝑆𝐼𝑀\mathcal{L}_{Original}=(1-\lambda)\mathcal{L}_{1}+\lambda\mathcal{L}_{D\_SSIM}caligraphic_L start_POSTSUBSCRIPT italic_O italic_r italic_i italic_g italic_i italic_n italic_a italic_l end_POSTSUBSCRIPT = ( 1 - italic_λ ) caligraphic_L start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT + italic_λ caligraphic_L start_POSTSUBSCRIPT italic_D _ italic_S italic_S italic_I italic_M end_POSTSUBSCRIPT (1)

which is a combination of an L1 loss promoting sparsity and Dynamical Structure Similarity Index (D-SSIM) term which encourages the similarity between the rendered image and the ground truth for a given camera pose. Using this loss, the gradients of the Gaussian properties are back-propagated and the implicit representation is optimized.

2.2.1 Total Variation Regularization

We add a TV Regularizer in the loss function. TV penalizes large variations between neighbouring pixels and enhances smoothness in the image while also reducing the impact of noise artifacts. We implement the TV loss as done by [16]:

TV=λTVi,jN,M|pi+1,jpi,j|+|pi,j+1pi,j|subscript𝑇𝑉subscript𝜆𝑇𝑉superscriptsubscript𝑖𝑗𝑁𝑀subscript𝑝𝑖1𝑗subscript𝑝𝑖𝑗subscript𝑝𝑖𝑗1subscript𝑝𝑖𝑗\mathcal{L}_{TV}=\lambda_{TV}\sum_{i,j}^{N,M}\left|p_{i+1,j}-p_{i,j}\right|+% \left|p_{i,j+1}-p_{i,j}\right|caligraphic_L start_POSTSUBSCRIPT italic_T italic_V end_POSTSUBSCRIPT = italic_λ start_POSTSUBSCRIPT italic_T italic_V end_POSTSUBSCRIPT ∑ start_POSTSUBSCRIPT italic_i , italic_j end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_N , italic_M end_POSTSUPERSCRIPT | italic_p start_POSTSUBSCRIPT italic_i + 1 , italic_j end_POSTSUBSCRIPT - italic_p start_POSTSUBSCRIPT italic_i , italic_j end_POSTSUBSCRIPT | + | italic_p start_POSTSUBSCRIPT italic_i , italic_j + 1 end_POSTSUBSCRIPT - italic_p start_POSTSUBSCRIPT italic_i , italic_j end_POSTSUBSCRIPT | (2)

where p𝑝pitalic_p represents the pixel value at coordinates i𝑖iitalic_i, j𝑗jitalic_j. N𝑁Nitalic_N and M𝑀Mitalic_M are the image’s height and width respectively.

2.2.2 Beta Distribution Regularizer

We adapt the negative log-likelihood of a Beta Distribution (Beta(0.5,0.5)) as used by [12]. This loss promotes sparsity by pushing background values to zero and enhancing the pixel intensities of the foreground.

beta=1Pp[log(Iα(p))+log(1Iα(p))]subscript𝑏𝑒𝑡𝑎1𝑃subscript𝑝delimited-[]𝑙𝑜𝑔subscript𝐼𝛼𝑝𝑙𝑜𝑔1subscript𝐼𝛼𝑝\mathcal{L}_{beta}=\frac{1}{P}\sum_{p}[log(I_{\alpha}(p))+log(1-I_{\alpha}(p))]caligraphic_L start_POSTSUBSCRIPT italic_b italic_e italic_t italic_a end_POSTSUBSCRIPT = divide start_ARG 1 end_ARG start_ARG italic_P end_ARG ∑ start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT [ italic_l italic_o italic_g ( italic_I start_POSTSUBSCRIPT italic_α end_POSTSUBSCRIPT ( italic_p ) ) + italic_l italic_o italic_g ( 1 - italic_I start_POSTSUBSCRIPT italic_α end_POSTSUBSCRIPT ( italic_p ) ) ] (3)

Where P𝑃Pitalic_P is the total number of pixels p𝑝pitalic_p in the image and Iasubscript𝐼𝑎I_{a}italic_I start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT is the image opacity.

2.2.3 Total Loss Function

We combine the TV regularizer and the Beta distribution regularizer to give the total loss function:

Final=λ11+λD_SSIMD_SSIM+λbetabeta+λTVTVsubscript𝐹𝑖𝑛𝑎𝑙subscript𝜆1subscript1subscript𝜆𝐷_𝑆𝑆𝐼𝑀subscript𝐷_𝑆𝑆𝐼𝑀subscript𝜆𝑏𝑒𝑡𝑎subscript𝑏𝑒𝑡𝑎subscript𝜆𝑇𝑉subscript𝑇𝑉\mathcal{L}_{Final}=\lambda_{1}\mathcal{L}_{1}+\lambda_{D\_SSIM}\mathcal{L}_{D% \_SSIM}+\lambda_{beta}\mathcal{L}_{beta}+\lambda_{TV}\mathcal{L}_{TV}caligraphic_L start_POSTSUBSCRIPT italic_F italic_i italic_n italic_a italic_l end_POSTSUBSCRIPT = italic_λ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT caligraphic_L start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT + italic_λ start_POSTSUBSCRIPT italic_D _ italic_S italic_S italic_I italic_M end_POSTSUBSCRIPT caligraphic_L start_POSTSUBSCRIPT italic_D _ italic_S italic_S italic_I italic_M end_POSTSUBSCRIPT + italic_λ start_POSTSUBSCRIPT italic_b italic_e italic_t italic_a end_POSTSUBSCRIPT caligraphic_L start_POSTSUBSCRIPT italic_b italic_e italic_t italic_a end_POSTSUBSCRIPT + italic_λ start_POSTSUBSCRIPT italic_T italic_V end_POSTSUBSCRIPT caligraphic_L start_POSTSUBSCRIPT italic_T italic_V end_POSTSUBSCRIPT (4)

3 Experiments

3.1 Dataset

3.1.1 Digitally Reconstructed Radiograph

[H] We use de-identified CT brain scans acquired from the Parkinson’s Progression Markers Initiative (PPMI) study. The data, originally 3D images in DICOM format, are used as input to Plastimatch, a synthetic radiograph generation software, which generates Digitally Reconstructed Radiographs (DRR). By specifying the field of view, patient, and scanner parameters retrieved from the DICOM metadata, we simulate a CT scan using the 3D DICOM image as the input phantom. The output of the DRR is a new set of projection images. We generate 360 projection views with an angular resolution of 1 degree. The images are of 128 x 128 dimensions. In total, this procedure is used to generate DRR for 20 CT brain scans from distinct patients in order to capture anatomical variability across different subjects.

Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Figure 2: Top row shows the original 3D voxel-based DICOM image retrieved from the PPMI dataset. This image is used as an input to the DRR algorithm to generate the projection image views. The bottom row shows the resulting projection views: 1) 0°2) 90°3) 180°

3.1.2 Challenges with Structure from Motion on CT Images

[H] Gaussian Splatting requires the output of SfM software as an input to the training script. This includes the camera intrinsics and extrinsics along with the point cloud representing the identified features in the 3D scene. Nevertheless, applying SfM to CT images is particularly challenging. This is the result of radiodensity varying gradually across the reconstructed projection images. Therefore, there is an evident lack of refined edges and fine details in the image which would allow for accurate and robust feature extraction.

3.1.3 Camera Extrinsics and Intrinsics of CT Images

[H] Since gradient optimization for Gaussian Splatting requires the camera poses of the input images in the 3D scene, we generate the camera intrinsics and extrinsics mathematically using our prior knowledge about the CT scan parameters provided by the DICOM metadata. The variables we retrieve are the Field of View (FOV) of the imaged space, the dimensions of the detector array, and the distance of the source to the detectors and the patient. These variables are used to calculate the Cartesian coordinates (x,y,z)𝑥𝑦𝑧(x,y,z)( italic_x , italic_y , italic_z ) of each camera pose. The polar angle between poses increments in the same step as the angular resolution of the CT dataset, while the azimuth angle remains fixed at 0, given we set the origin of the world coordinates in the centre of the CT FOV.

3.2 Setup

Our implementation is based on the open source git repository of Gaussian Splatting. All training and rendering for the model was performed on a Linux Ubuntu 20.04 Focal Fossa version. All processes were run on a single NVIDIA RTX A4000 containing a 16GB GDDR6 SDRAM. After investigating the learning loss’s curve during training, we decided to run all GaSpCT tests for 20K iterations.

4 Results

Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Figure 3: Four different angular view a) 0°b) 90°c) 180°d) 270°. The top row contains the ground truth images, while the bottom row contains the rendered images for the equivalent camera poses.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Figure 4: Four different renderings for the same projection view when testing with a) 50% b) 25% c) 10% d) 5% of the total images.

We ran our model on 20 image projection view scans from 20 different subjects. During training, we use 180 out of 360 images for training, and the rest for testing. We use the following metrics to evaluate the quality of the rendered images given the hidden ground truth: 1) Peak signal-to-noise Ratio (PSNR), 2) Structure Similarity Index Measure (SSIM) [20], 3) and Learned Perceptual Image Patch Similarity (LPIPS) [23] using a VGG network. All metric scores can be found in Table 2. The optimization process took between 5 and 10 minutes for each of the scans. The total number of parameters optimized during the training procedure was between 4.6e+5 and 6.2e+5. Finally, the memory occupied for each output Polygon Format File was between 27-42 MB.

Table 1: Performance of GaSpCT for the brain CT dataset compared to other models using 50% of views from the training dataset.
Metric MedNeRF MipNeRF360 Gaussian Splatting GaSpCT
PSNR \uparrow 30.36 ±plus-or-minus\pm± 0.33 27.67 ±plus-or-minus\pm± 0.23 40.79 ±plus-or-minus\pm± 1.06 43.17 ±plus-or-minus\pm± 1.03
SSIM \uparrow 0.558 ±plus-or-minus\pm± 0.055 0.14 ±plus-or-minus\pm± 0.03 0.99 ±plus-or-minus\pm± 0.002 0.993 ±plus-or-minus\pm± 0.0014
LPIPS \downarrow 0.341 ±plus-or-minus\pm± 0.031 0.9 ±plus-or-minus\pm± 0.05 0.017 ±plus-or-minus\pm± 0.0037 0.0059 ±plus-or-minus\pm± 0.0015
Table 2: Performance of GaSpCT for various percentages of hidden images for evaluation for the brain dataset.
Metric 50% of views 25% of views 10% of views 5% of views
PSNR \uparrow 43.17 ±plus-or-minus\pm± 1.03 42.03 ±plus-or-minus\pm± 0.95 38.5 ±plus-or-minus\pm± 1.21 34.01 ±plus-or-minus\pm± 1.59
SSIM \uparrow 0.993 ±plus-or-minus\pm± 0.0014 0.994 ±plus-or-minus\pm± 0.0015 0.976 ±plus-or-minus\pm± 0.0015 0.936 ±plus-or-minus\pm± 0.017
LPIPS \downarrow 0.0059 ±plus-or-minus\pm± 0.0015 0.01 ±plus-or-minus\pm± 0.0028 0.037 ±plus-or-minus\pm± 0.0089 0.08 ±plus-or-minus\pm± 0.016

In Table 2, we compare our metric scores to the baseline Gaussian Splatting model. Since Gaussian Splatting requires the camera poses to be provided by SfM software which fails on CT datasets due to lack of extracted features, we enhance the baseline Gaussian Splatting by automatically giving it the vector of camera poses for all CT projections. Our model outperforms the baseline Gaussian Splatting. The quantitative evaluation metrics indicate that optimizing the hyper-parameters, initializing the splats within an ellipsoid, and tailoring the loss function for CT data, collectively contribute to synthesizing 3D views that exhibit closer adherence to the ground truth observations. We trained both models for 20K iterations.

Furthermore, we compare our results to MedNeRF and MipNeRF360. To the best of our knowledge, MedNeRF is the only other open-source model that synthesizes 2D CT projection images using implicit scene representations, while MipNeRF360 allows us to compare with one of the most powerful implicit 3D scene representation methodologies. MedNeRF has a different approach to the synthesis of new projection images, as they train a conditional GAN model based on GRAF with a large collection of CT scans from different experiments to create a 3D aware latent distribution. The model then synthesizes the rest of the projections when given a single X-ray radiograph from an unseen CT scan following further iterative training of a new generator. We trained the baseline GRAF generator for 10k iterations for all our projection images from the 20 datasets. We then provided a single image from each of the 20 datasets and generated the rest of the 359 views after a further 10k iterations of training on the latent distribution. Our metric scores are superior to MedNeRF’s, which is expected since GaSpCT is trained for a single 3D CT scan rather than a generalized latent distribution based on multiple scans. After training MipNeRf360, we found that the CT brain dataset failed to optimize properly following 80K iterations with a batch size of 4096 rays. It is possible that the images would be accurate if we trained the model for a longer period, but the compatibility of MipNeRF360 with CT datasets should be inspected in further detail. Finally, we also perform a study of GaSpCT’s performance when hiding a larger proportion of the data from the model during training as seen in Table 2. It can be seen in Fig. 4 that even when providing 5% of the projection images, the rendered views are still very close to the ground truth. These results set the new state-of-the-art for 3D implicit scene representation for CT images and novel view synthesis for brain CT radiographs.

5 Conclusion & Future Work

We have presented GaSpCT, the first implicit 3D scene representation methodology for brain CT imaging. We have adapted the baseline Gaussian Splatting model to use suitable sparsity regularizers and adjusted the point initialization for brain CT radiographs, also removing the necessity of SfM methodologies in the process. We have tested our methodology leveraging 20 sets of DRR generated using PPMI brain images as phantoms for the simulations. Our results demonstrate that our model outperforms the current state-of-the-art methodologies in the field.
Our work leaves many openings for further research. An essential next step involves writing a new type of camera closely matching the detector array in CT imaging which is based on a curved orthogonal plane. This approximation would be much more accurate than our current pinhole camera approximation. Also, it is worth investigating and adapting the edge detection and feature extraction in SfM methodologies to accurately define the initial point cloud. Finally, we are planning to investigate the potential of using a latent representation of multiple medical scans using Gaussian Splatting representations.

6 Acknowledgements

We have used brain CT open-access datasets made available by PPMI. To synthesize DRR for our experiments, we used software provided by Plastimatch, an open source software for medical image computation. Finally, we based our model implementation on Gaussian Splatting by INRIA.

References

  • [1] Allaire, S., Kim, J.J., Breen, S.L., Jaffray, D.A., Pekar, V.: Full orientation invariance and improved feature selectivity of 3d sift with application to medical image analysis. In: 2008 IEEE computer society conference on computer vision and pattern recognition workshops. pp. 1–8. IEEE (2008)
  • [2] Barron, J.T., Mildenhall, B., Verbin, D., Srinivasan, P.P., Hedman, P.: Mip-nerf 360: Unbounded anti-aliased neural radiance fields. In: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. pp. 5470–5479 (2022)
  • [3] Chen, H., Zhang, Y., Kalra, M.K., Lin, F., Chen, Y., Liao, P., Zhou, J., Wang, G.: Low-dose ct with a residual encoder-decoder convolutional neural network. IEEE transactions on medical imaging 36(12), 2524–2535 (2017)
  • [4] Corona-Figueroa, A., Frawley, J., Bond-Taylor, S., Bethapudi, S., Shum, H.P., Willcocks, C.G.: Mednerf: Medical neural radiance fields for reconstructing 3d-aware ct-projections from a single x-ray. In: 2022 44th Annual International Conference of the IEEE Engineering in Medicine & Biology Society (EMBC). pp. 3843–3848. IEEE (2022)
  • [5] Dong, X., Vekhande, S., Cao, G.: Sinogram interpolation for sparse-view micro-ct with deep learning neural network. In: Medical Imaging 2019: Physics of Medical Imaging. vol. 10948, pp. 692–698. SPIE (2019)
  • [6] Gao, Q., Shan, H.: Cocodiff: a contextual conditional diffusion model for low-dose ct image denoising. In: Developments in X-Ray Tomography XIV. vol. 12242. SPIE (2022)
  • [7] Gopalakrishnan, V., Golland, P.: Fast auto-differentiable digitally reconstructed radiographs for solving inverse problems in intraoperative imaging. In: Workshop on Clinical Image-Based Procedures. pp. 1–11. Springer (2022)
  • [8] Guan, B., Yang, C., Zhang, L., Niu, S., Zhang, M., Wang, Y., Wu, W., Liu, Q.: Generative modeling in sinogram domain for sparse-view ct reconstruction. IEEE Transactions on Radiation and Plasma Medical Sciences (2023)
  • [9] Han, Y., Ye, J.C.: Framing u-net via deep convolutional framelets: Application to sparse-view ct. IEEE transactions on medical imaging 37(6), 1418–1429 (2018)
  • [10] Kerbl, B., Kopanas, G., Leimkühler, T., Drettakis, G.: 3d gaussian splatting for real-time radiance field rendering. ACM Transactions on Graphics 42(4) (2023)
  • [11] Lee, H., Lee, J., Kim, H., Cho, B., Cho, S.: Deep-neural-network-based sinogram synthesis for sparse-view ct image reconstruction. IEEE Transactions on Radiation and Plasma Medical Sciences 3(2), 109–119 (2018)
  • [12] Lombardi, S., Simon, T., Saragih, J., Schwartz, G., Lehrmann, A., Sheikh, Y.: Neural volumes: Learning dynamic renderable volumes from images. arXiv preprint arXiv:1906.07751 (2019)
  • [13] McCollough, C.H., Yu, L., Kofler, J.M., Leng, S., Zhang, Y., Li, Z., Carter, R.E.: Degradation of ct low-contrast spatial resolution due to the use of iterative reconstruction and reduced dose levels. Radiology 276(2), 499–506 (2015)
  • [14] Mildenhall, B., Srinivasan, P.P., Tancik, M., Barron, J.T., Ramamoorthi, R., Ng, R.: Nerf: Representing scenes as neural radiance fields for view synthesis. Communications of the ACM 65(1), 99–106 (2021)
  • [15] Power, S.P., Moloney, F., Twomey, M., James, K., O’Connor, O.J., Maher, M.M.: Computed tomography and patient risk: Facts, perceptions and uncertainties. World journal of radiology 8(12),  902 (2016)
  • [16] Rudin, L.I., Osher, S.: Total variation based image restoration with free local constraints. In: Proceedings of 1st international conference on image processing. vol. 1, pp. 31–35. IEEE (1994)
  • [17] Schonberger, J.L., Frahm, J.M.: Structure-from-motion revisited. In: Proceedings of the IEEE conference on computer vision and pattern recognition. pp. 4104–4113 (2016)
  • [18] Schwarz, K., Liao, Y., Niemeyer, M., Geiger, A.: Graf: Generative radiance fields for 3d-aware image synthesis. Advances in Neural Information Processing Systems 33, 20154–20166 (2020)
  • [19] Shu, Z., Entezari, A.: Sparse-view and limited-angle ct reconstruction with untrained networks and deep image prior. Computer Methods and Programs in Biomedicine 226, 107167 (2022)
  • [20] Wang, Z., Bovik, A.C., Sheikh, H.R., Simoncelli, E.P.: Image quality assessment: from error visibility to structural similarity. IEEE transactions on image processing 13(4), 600–612 (2004)
  • [21] Warburg, F., Weber, E., Tancik, M., Holynski, A., Kanazawa, A.: Nerfbusters: Removing ghostly artifacts from casually captured nerfs. arXiv preprint arXiv:2304.10532 (2023)
  • [22] Yang, Q., Yan, P., Zhang, Y., Yu, H., Shi, Y., Mou, X., Kalra, M.K., Zhang, Y., Sun, L., 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)
  • [23] Zhang, R., Isola, P., Efros, A.A., Shechtman, E., Wang, O.: The unreasonable effectiveness of deep features as a perceptual metric. In: Proceedings of the IEEE conference on computer vision and pattern recognition. pp. 586–595 (2018)
  • [24] Zhang, Z., Liang, X., Dong, X., Xie, Y., Cao, G.: A sparse-view ct reconstruction method based on combination of densenet and deconvolution. IEEE transactions on medical imaging 37(6), 1407–1417 (2018)