Abstract
Deep learning algorithms have recently been developed that utilize patient anatomy and raw imaging information to predict radiation dose, as a means to increase treatment planning efficiency and improve radiotherapy plan quality. Current state-of-the-art techniques rely on convolutional neural networks (CNNs) that use pixel-to-pixel loss to update network parameters. However, stereotactic body radiotherapy (SBRT) dose is often heterogeneous, making it difficult to model using pixel-level loss. Generative adversarial networks (GANs) utilize adversarial learning that incorporates image-level loss and is better suited to learn from heterogeneous labels. However, GANs are difficult to train and rely on compromised architectures to facilitate convergence. This study suggests an attention-gated generative adversarial network (DoseGAN) to improve learning, increase model complexity, and reduce network redundancy by focusing on relevant anatomy. DoseGAN was compared to alternative state-of-the-art dose prediction algorithms using heterogeneity index, conformity index, and various dosimetric parameters. All algorithms were trained, validated, and tested using 141 prostate SBRT patients. DoseGAN was able to predict more realistic volumetric dosimetry compared to all other algorithms and achieved statistically significant improvement compared to all alternative algorithms for the V100 and V120 of the PTV, V60 of the rectum, and heterogeneity index.
Subject terms: Radiotherapy, Prostate cancer, Biological physics
Introduction
Advanced treatment techniques such as intensity modulated radiation therapy (IMRT) and volumetrically modulated arc therapy (VMAT) have become standard of care for many treatment sites1,2. Creating clinically acceptable treatment plans using these advanced techniques requires extensive domain expertise and is exceedingly time consuming3,4. To reduce the burden on clinical resources, the development of automated treatment planning technologies has accelerated in recent years5–10.
Historically, automated treatment planning technologies relied on selecting handcrafted features, such as spatial relationships between planning volumes, overlapping volume histograms, planning volume shapes, planning volume and field intersections, field shapes, planning volume depths , and distance-to-target histograms (DTH)11–14. These techniques rely on machine learning algorithms such as gradient boosting, random forests, and support vector machines to find strong correlations between groups of weakly correlated predictive features6,15–17. Such techniques achieve good performance on inherently structured data, but tend to struggle if the problem does not easily reduce to a structured format. Because of this, deep learning approaches have emerged that predict dose using fully connected layers18. However, fully connected layers tend to not generalize well on highly dimensional data.
Convolutional neural networks (CNNs) have emerged to solve many image processing tasks4,6,19–23. Recently, encoder-decoder CNNs have been used to predict radiation dose from arbitrary patient anatomy. These methods rely on voxel-voxel or pixel-pixel loss to update network parameters, since the objective function needs to be differentiable24. Stylistic variations in human planner preferences make direct spatial loss functions prone to learning overly smooth dosimetric distributions. Additionally, stereotactic body radiation therapy (SBRT) and stereotactic radiation surgery (SRS) treatment modalities tend to produce random hotspots residing within the gross tumor volume (GTV)25,26. Since conventional CNNs learn to predict the most probable dose, they are not well suited to model SBRT or SRS dose distributions20,27,28.
Recently, generative adversarial networks have been used to facilitate realistic predictions, by training a secondary CNN to distinguish real from fake predictions29–32. The generator CNN aims to create realistic predictions that fool a discriminator CNN, which attempts to classify realism. The two networks are trained adversarially until a Nash equilibrium is reached, which is the minimax loss of the aggregate training protocol33. Since the two networks need to be trained in unison, the discriminator network is usually shallow with fewer parameters compared to stand-alone classification CNNs such as VGG-16, ResNet-151, or DenseNet-201 architectures29. However, conventional GANs rely on the discriminator’s ability to distinguish fake predictions from real predictions, so the overall performance is limited by the discriminator’s ability decipher realism34.
Attention gates have recently emerged to help networks highlight relevant anatomy and suppress irrelevant information by encouraging compatibility between the input, intermediate layers, and output function of the network35,36. Additive self-attention gates have been proposed to encourage parsimonious feature propagation throughout a network37–39. Spatial self-attention allows networks to selectively emphasis portions of the intermediate convolutional layers as opposed to indiscriminately propagating information using conventional raster scanning.
This study suggests a novel attention-gated generative adversarial network (DoseGAN) as a superior alternative to current state-of-the-art dose prediction networks. DoseGAN offers deeper and more efficient discrimination, while simultaneously being efficient enough to train in unison with the generator network.
Methods and materials
Attention gated generation and discrimination
DoseGAN utilizes attention-gated generation and discrimination networks that selectively propagate information through a gating mechanism. The attention gates enable the networks to highlight relevant input features and help suppress redundant information propagation through the network. The gating mechanism also helps encourage compatibility between the output function and the extracted intermediate local feature vectors in each network35,36. DoseGAN utilizes additive self-attention gates to modulate multi-scale level feature response propagation throughout each network37–39.
The attention-gating mechanism applies a 1 × 1 × 1 convolutional kernel to a propagation signal (z1) and a gating signal (z2). Signals z1 and z2 are added together and the combined activations (z1,2) are ReLU activated before being passed through a 1 × 1 × 1 convolutional kernel. The output is batch normalized and sigmoidally activated to form x1,2. The final gated output signal (zg) is formed by multiplying z1 by x1,2. Figure 1 depicts the attention gating mechanism used in the discriminator and generator networks.
DoseGAN utilizes an attention-aware 3D encoder-decoder variation of the pix2pix generator network29. The generator network is five multi-scale levels deep and selectively propagates encoder information directly to the decoder stage through attention gated skip connections. All convolutional layers, except for those residing in the gating mechanism, use 4 × 4 × 4 convolutional kernels with synchronized batchnorm, and leaky ReLU activations. The last layer in the generator network uses hyperbolic tangent activation. The CT, planning target volume (PTV), and organs at risk (OARs) are concatenated and used by the generator network to predict synthetic dose volumes. The predicted synthetic dose and real dose volumes are fed into a densely-connected attention-gated discriminator network which utilizes “PatchGAN” classification to predict a realism matrix that selectively captures local style characteristics40,41. The discriminator network is comprised of 8 convolutional layers with 3 convolutional downsampling layers that incrementally reduce the multi-scale resolution of the network. The first layer of each multi-scale level is concatenated to the last layer of each multi-scale level through attention-gated dense-connections. The last convolutional layer of each multi-scale level is used as the gating signal for the attention gated skip connections. Figure 2 shows a schematic of the attention-gated discriminator and generator networks.
Ground truth
DoseGAN was trained and validated using 126 prostate cancer patients previously treated with SBRT using a CyberKnife (Accuray, Sunnyvale) machine. An additional 15 test patients were used to report final results, following Kaggle-style competition rules. All patients received a monotherapy dose regimen of 38 Gy in 4 fractions, or a 19 Gy boost in 2 fractions and all treatment plans followed peer-reviewed acceptance criteria42.
Training DoseGAN
The discriminator network aims to classify real dose volumes (D Real) as 1 and simultaneously classify predicted dose volumes (D Fake) as 0. DoseGAN uses mean aggregate categorical cross entropy loss from the discriminator and voxel-to-voxel (L1) loss from the generator to update network parameters during training. Introducing L1 loss helps facilitate convergence and enforce spatial congruence in the conditional GAN context.
To avoid multiple hypothesis testing, patients were separated into training, validation, and testing groups, prior to training. In order to mimic the planning environment of the dosimetrist, the model was agnostic to demographic information, and only considered the raw CT image, PTV, OARs, and prescription.
DoseGAN was implemented on a Nvidia V100 graphics processor unit (GPU). Data augmentation was conducted on the fly with the PyTorch data loader using random rigid shifts, rotations, noise, and histogram intensity re-distribution. DoseGAN inferencing took 0.31 s to predict a 128 × 128 × 64 voxel synthetic dose volume and rescale it to its original resolution. The output and input resolutions of DoseGAN were 3 mm × 3 mm × 3 mm. The data used for this study is not publicly available due to sensitive medical information, but is available from the corresponding author on reasonable request. All patient data has been approved by the Institutional Review Board (IRB) and has been fully anonymized. The methods used in this study were performed in accordance with the University of California San Francisco institutional guidelines. IRB number 14-15452 allowed us to retrospectively collect and analyze our patient dataset. Since this study used retrospective data, informed consent was not required.
Dosimetric evaluation
DoseGAN was compared to a fully-connected neural network that uses relative distance map information of neighboring input structures (FC), U-Net (UNet), DoseNet, and a 3D GAN architecture (GAN)18,29,43–45.
All algorithms were hyperparameter tuned and the model with the best validation performance was saved and used for inferencing on the final test set to report final results. The FC model followed the original model architecture reported in Shiraishi et al., and was trained with 0.45 dropout, a batch size of 4, and a learning rate of 0.01 using Adam optimization18. U-Net followed the implementation of the Unet architecture reported in Kearney et al. and was trained with a 0.2 dropout, a batch size of 4, and a learning rate of 0.005 using Adam optimization21. DoseNet followed the original implementation reported in Kearney et al. and was trained with a dropout of 0.35, a batch size of 2, and a learning rate of 0.001. For our GAN architecture we used a 3D pix-to-pix implementation by Isola et al. and trained it with a dropout of 0.0, a batch size of 2, and an adaptive learning rate scheduler26. It is important to note that we kept the architectures the same or as similar as possible to not detract from their original successful form, however, we conducted a rigorous hyperparameter search to ensure optimal performance on our dataset and a fair comparison. Each algorithm was allowed to max out the memory of the GPU. All models automatically picked the maximum number of parameters before exceeding the memory threshold.
The heterogeneity index (HI), conformity index (CI), and several dose volume objectives were used to evaluate the dosimetric congruence between the synthetic dose predictions and the real ground truth dose. The HI formalism is defined as,
,
where Dp denotes the prescription and Dmax denotes the maximum dose value46. CI is defined as,
,
where TV is the target volume, TVPIV is the intersection of the target volume and the prescription isodose volume, and PIV is the prescription isodose volume47.
DoseGAN predicts the most realistic dose volume given a set of arbitrary input anatomy, as opposed to the best possible dose distribution. Comparator p-values, from a one-sided two-sample Mann–Whitney U test, were used to test if DoseGAN was statistically superior to each alternative dose prediction algorithm. P-values less than 0.05 were considered significant.
Results
Tables 1 and 2 show the mean values, mean absolute differences between the real dose and each algorithm, and the comparator p-values between DoseGAN and each alternative algorithm. Table 1 shows the PTV V95, V100, V120, and HI for all dose volumes. DoseGAN achieved a statistically significant improvement compared to all alternative algorithms for the V100 and V120 of the PTV the HI.
Table 1.
Mean values | ||||
---|---|---|---|---|
V100-PTV | V95-PTV | V120 | HI | |
Real | 97.49 ± 1.06 | 99.18 ± 0.59 | 36.88 ± 16.14 | 1.44 ± 0.12 |
DoseGAN | 97.77 ± 0.77 | 99.27 ± 0.44 | 37.5 ± 18.15 | 1.41 ± 0.1 |
GAN | 97.88 ± 0.67 | 99.33 ± 0.44 | 31.86 ± 16.5 | 1.36 ± 0.11 |
DoseNet | 97.86 ± 0.78 | 99.23 ± 0.38 | 30.77 ± 13.23 | 1.37 ± 0.09 |
Unet | 96.36 ± 1.03 | 98.88 ± 0.49 | 20.35 ± 12.89 | 1.3 ± 0.1 |
FCN | 96.34 ± 1.13 | 98.48 ± 0.63 | 29.12 ± 20.21 | 1.3 ± 0.17 |
Mean absolute difference | ||||
---|---|---|---|---|
V100-PTV | V95-PTV | V120 | HI | |
DoseGAN | 0.46 | 0.22 | 2.91 | 0.03 |
GAN | 0.78 | 0.41 | 11.4 | 0.09 |
DoseNet | 0.79 | 0.35 | 9.27 | 0.09 |
Unet | 1.21 | 0.42 | 16.54 | 0.14 |
FCN | 1.17 | 0.72 | 12.9 | 0.15 |
P-Values | ||||
---|---|---|---|---|
V100-PTV | V95-PTV | V120 | HI | |
GAN | 0.03098481 | 0.099253 | 0.001845 | 0.003095 |
DoseNet | 0.040747324 | 0.294869 | 0.033998 | 0.013963 |
Unet | 0.009033311 | 0.019044 | 5.73E−05 | 0.003508 |
FCN | 0.028196182 | 0.012551 | 2.4E−05 | 0.001073 |
Bold font indicates the least difference between the real and predicted dose and statistically significant p-values.
Table 2.
Mean values | ||||
---|---|---|---|---|
CI | V60-Bladder | V60-Rectum | Mean-bulb | |
Real | 0.81 ± 0.07 | 5.71 ± 3.68 | 6.59 ± 3.93 | 4.13 ± 2.78 |
DoseGAN | 0.79 ± 0.06 | 6.42 ± 4.06 | 8.13 ± 4.79 | 4.79 ± 2.93 |
GAN | 0.79 ± 0.06 | 7.25 ± 4.35 | 4.1 ± 3.85 | 5.04 ± 3.09 |
DoseNet | 0.8 ± 0.06 | 8.64 ± 3.76 | 5.88 ± 4.37 | 5.13 ± 2.49 |
Unet | 0.77 ± 0.07 | 7.99 ± 3.83 | 9.15 ± 4.12 | 3.94 ± 2.88 |
FCN | 0.74 ± 0.1 | 6.51 ± 4.93 | 6.55 ± 6.85 | 3.08 ± 2.53 |
Mean absolute difference | ||||
---|---|---|---|---|
CI | V60-Bladder | V60-Rectum | Mean-bulb | |
DoseGAN | 0.03 | 1.55 | 1.67 | 1.16 |
GAN | 0.04 | 3.06 | 3.19 | 1.76 |
DoseNet | 0.05 | 3.36 | 2.71 | 1.43 |
Unet | 0.06 | 3.04 | 3.36 | 1.66 |
FCN | 0.08 | 3.44 | 3.24 | 1.65 |
P-Values | ||||
---|---|---|---|---|
CI | V60-Bladder | V60-Rectum | Mean-bulb | |
GAN | 0.131377 | 0.033998 | 0.023243 | 0.040747 |
DoseNet | 0.033998 | 0.073288 | 0.037248 | 0.565887 |
Unet | 0.02562 | 0.028196 | 0.019044 | 0.073288 |
FCN | 0.02562 | 0.015508 | 0.033998 | 0.370011 |
Bold font indicates the least difference between the real and predicted dose and statistically significant p-values.
Table 2 shows the CI, V60 of the bladder, V60 of the rectum, and mean dose of the penile bulb for all dose volumes. DoseGAN achieved a statistically significant improvement compared to all alternative algorithms for the V60 of the rectum.
Figure 3 shows the real dose, DoseGAN predicted synthetic dose, and dose difference for two patients. DoseGAN was able to achieve realistic synthetic dose predictions compared to the original real plans, as seen in Fig. 3.
Figure 4 shows the dose volume histograms (DVHs) and DVH differences between the real dose distributions and DoseGAN synthetic dose distributions for the PTV, urethra, bladder, rectum, and penile bulb for 38 Gy plan. DVHs represent the radiation dose to tissue volume and the DVH differences represent the difference between the planned DVH of the predicted DVH.
Figure 5 depicts the loss at each epoch for the DoseGAN algorithm. The L1 loss from the generator and the discriminator losses can be seen progressing in unison during model training.
Discussion
This study demonstrates the superiority of a novel conditional generative adversarial attention-gated network for SBRT synthetic dose prediction. This is the first ever implementation of generative adversarial attention-gated networks to this problem space.
On average DoseGAN was able achieve more realistic dose predictions compared to all other algorithms by learning a realism matrix that helped mimic the dosimetric nuances of real clinical SBRT plans. DoseGAN achieved statistically significant improvement compared to all alternative algorithms for the V100 and V120 of the PTV, HI, and V60 of the rectum.
The conventional GAN algorithm achieved good results for the V95 of the PTV, CI, and V60 of the bladder, but did not perform as well as DoseGAN for the V100 and V120 of the PTV, and V60 of the rectum. Similarly, DoseNet achieved good results for the V95 of the PTV, mean dose of the penile bulb, and V60 of the bladder, but did not perform as well as DoseGAN for the V100 and V120 of the PTV, HI, V60 of the rectum, and mean dose of the penile bulb.
Table 1 shows that DoseGAN performs much better than the alternative algorithms for the target V120 and HI. While conventionally fractionated dose regimens tend to have much smoother dose distributions, SBRT plans tend to have intentional hotspots within the main tumor volume. The alternative algorithms consistently predicted lower target V120 and HI values, meaning that the plans have less dose escalation within the target volume and implying a loss in clinical efficacy.
Table 2 shows that DoseGAN performed better at predicting the dose to the V60 of the rectum and V60 of the bladder, which is partially due to the stochastic nature of SBRT plans. Pure spatial loss algorithms failed to model the hot or cold spots within the sensitive organs. All algorithms performed well for the mean bulb since this metric takes the average dose to the structure and is more forgiving than structures that are more sensitive to hot spots. All algorithms also performed well for the CI, since the CI is a measurement of the target coverage and our dataset of dose volumes were fairly consistent with regards to this metric.
The models with pure spatial loss tended to produce overly smooth synthetic dose distributions and were not able to capture the heterogeneous hotspots and cold spots that are endemic to SBRT dose volumes. Pure spatial loss, such as mean squared error between the dose volumes, will produce the most likely dose at each voxel given a set of inputs. However, in the presence of dose heterogeneity or inconsistent planner preferences, conventional CNNs will learn to predict a best approximation of the dose in order to reconcile the inconsistent dose targets with respect to the input variables. Since conventional CNNs reach a compromise with respect to varied learning objectives, they are inherently disadvantaged compared to architectures that do not rely on pure spatial loss, such as GANs.
Since GANs are difficult to train, the number of network parameters needs to be kept as low as possible to facilitate adversarial training. Attention gates were used to reduce redundancy within the network, improve efficiency, and facilitate model convergence, which enabled a deeper discriminator architecture. The realism matrix was able to incorporate broader dosimetric information, since it uses a deeper discriminator which allows for a wider receptive field.
The model architecture of all algorithms, such as the depth, number of filters at each layer, and other hyperparameters, were determined using the validation set and were designed to stay within the memory limitations of the GPU hardware used in this study. Since GANs are notoriously difficult to train, DoseGAN borrowed many architectural design elements form the original pix2pix network, such as the size of each convolutional kernel, and relative location and type of various network activations.
This study has some limitations. Since this study was only conducted on SBRT prostate patients, it is not clear if this approach would work non-SBRT plans. Also, DoseGAN was trained to predict dose volumes with a 3 × 3 × 3 mm3 voxel resolution. Although this resolution is clinically acceptable, typical SBRT dose calculations tend to use 1 × 1 × 1 m3 or 2 × 2 × 2 mm3 voxel resolutions. Increasing the resolution of DoseGAN would increase the number of parameters, change the receptive field of the model, and require more GPU memory. More extensive hyperparameter tuning and greater hardware resources would also be necessary to determine the viability of finer resolution dose prediction. Also, the number of parameters for each model was restricted by the GPU memory since only one GPU was used in this study. Also, the number of parameters is not the only determining factor in memory allocation. Each intermediary output layer is held in GPU memory, so networks that have more layers at higher resolutions will be more memory intensive. Hyperparameter tuning assured a balance between memory utilization at the upper multi-scale levels and lower-multi levels. Since the hyperparameter tuning stage automatically picked the upper memory limit for each model, we can assume that each model would have achieved better results with a bigger batch size and more parameters48. Furthermore, DoseGAN was only evaluated on abdominal anatomy, so it can not be assumed that DoseGAN will work on other anatomical regions.
In spite of these limitations, dose prediction using attention-aware generative adversarial networks presents a viable solution to dose prediction for prostate SBRT patients. Clinically incorporating DoseGAN would help conserve hospital resources by determining achievable plan dosimetry at the time of CT simulation as opposed to after the entire treatment planning process. Furthermore, DoseGAN could be used as a clinical decision support tool or be incorporated into the plan optimization process, to help improve plan quality and reduce the strain on clinical resources.
Conclusions
We have developed a novel attention-aware generative adversarial network for synthetic dose prediction that was able to achieve superior dose prediction accuracy compared to current alternative state-of-the-art methods. DoseGAN presents a solution to overcome the challenges of realistic volumetric dose prediction in the presence of diverse patient anatomy.
Author contributions
V.K. conceived the experiment. V.K., T.W., and A.P. coded the neural network. J.W.C. and M.D. prepared the data and contributed several key concepts to the study. Ol.M., S.S.Y., and T.D.S. contributed important ideas to the study. Everyone reviewed the manuscript.
Competing interests
The authors declare no competing interests.
Footnotes
Publisher's note
Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.
These authors contributed equally: Vasant Kearney and Jason W. Chan.
References
- 1.Otto K. Volumetric modulated arc therapy: IMRT in a single gantry arc. Med. Phys. 2008;35:310–317. doi: 10.1118/1.2818738. [DOI] [PubMed] [Google Scholar]
- 2.2Kearney, V. P. & Siauw, K.-A. T. (Google Patents, 2016).
- 3.Kearney V, et al. Correcting TG 119 confidence limits. Med. Phys. 2018;45:1001–1008. doi: 10.1002/mp.12759. [DOI] [PubMed] [Google Scholar]
- 4.Kearney V, Chan JW, Valdes G, Solberg TD, Yom SS. The application of artificial intelligence in the IMRT planning process for head and neck cancer. Oral Oncol. 2018;87:111–116. doi: 10.1016/j.oraloncology.2018.10.026. [DOI] [PubMed] [Google Scholar]
- 5.Interian Y, et al. Deep nets vs expert designed features in medical physics: An IMRT QA case study. Med. Phys. 2018;45:2672. doi: 10.1002/mp.12890. [DOI] [PubMed] [Google Scholar]
- 6.Morin O, et al. A deep look into the future of quantitative imaging in oncology: a statement of working principles and proposal for change. Int. J. Radiat. Oncol. Biol. Phys. 2018;102:1074. doi: 10.1016/j.ijrobp.2018.08.032. [DOI] [PubMed] [Google Scholar]
- 7.Kearney V, Valdes G, Solberg T. Deep learning misuse in radiation oncology. Int. J. Radiat. Oncol. Biol. Phys. 2018;102:62. doi: 10.1016/j.ijrobp.2018.06.174. [DOI] [Google Scholar]
- 8.Kearney V, Huang Y, Mao W, Yuan B, Tang L. Canny edge-based deformable image registration. Phys. Med. Biol. 2017;62:966. doi: 10.1088/1361-6560/aa5342. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 9.Rozario T, et al. An accurate algorithm to match imperfectly matched images for lung tumor detection without markers. J. Appl. Clin. Med. Phys. 2015;16:131–140. doi: 10.1120/jacmp.v16i3.5200. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 10.Kearney V, et al. Automated landmark-guided deformable image registration. Phys. Med. Biol. 2014;60:101. doi: 10.1088/0031-9155/60/1/101. [DOI] [PubMed] [Google Scholar]
- 11.Folkerts M, et al. knowledge-based automatic treatment planning for prostate Imrt using 3-dimensional dose prediction and threshold-based optimization: su-e-fs2-06. Med. Phys. 2017;44:2728. [Google Scholar]
- 12.Shiraishi S, Tan J, Olsen LA, Moore KL. Knowledge-based prediction of plan quality metrics in intracranial stereotactic radiosurgery. Med. Phys. 2015;42:908–917. doi: 10.1118/1.4906183. [DOI] [PubMed] [Google Scholar]
- 13.Nwankwo O, Mekdash H, Sihono DSK, Wenz F, Glatting G. Knowledge-based radiation therapy (KBRT) treatment planning versus planning by experts: validation of a KBRT algorithm for prostate cancer treatment planning. Radiat. Oncol. 2015;10:111. doi: 10.1186/s13014-015-0416-6. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 14.Good D, et al. A knowledge-based approach to improving and homogenizing intensity modulated radiation therapy planning quality among treatment centers: an example application to prostate cancer planning. Int. J. Radiat. Oncol. Biol. Phys. 2013;87:176–181. doi: 10.1016/j.ijrobp.2013.03.015. [DOI] [PubMed] [Google Scholar]
- 15.Breiman L. Random forests . Mach. Learn. 2001;45:5–32. doi: 10.1023/A:1010933404324. [DOI] [Google Scholar]
- 16.Friedman JH. Greedy function approximation: a gradient boosting machine. Annals Stat. 2001;29:1189–1232. doi: 10.1214/aos/1013203451. [DOI] [Google Scholar]
- 17.Valdes G, et al. Clinical decision support of radiotherapy treatment planning: a data-driven machine learning strategy for patient-specific dosimetric decision making. Radiother. Oncol. 2017;125:392–397. doi: 10.1016/j.radonc.2017.10.014. [DOI] [PubMed] [Google Scholar]
- 18.Shiraishi S, Moore KL. Knowledge-based prediction of three-dimensional dose distributions for external beam radiotherapy. Med. Phys. 2016;43:378–387. doi: 10.1118/1.4938583. [DOI] [PubMed] [Google Scholar]
- 19.Krizhevsky A, Sutskever I, Hinton GE. ImageNet classification with deep convolutional neural networks. Adv. Neural Inf. Process. Syst. 2012;1:1097–1105. [Google Scholar]
- 20.Kearney VP, Haaf S, Sudhyadhom A, Valdes G, Solberg TD. An unsupervised convolutional neural network-based algorithm for deformable image registration. Phys. Med. Biol. 2018;63:235022. doi: 10.1088/1361-6560/aaef74. [DOI] [PubMed] [Google Scholar]
- 21.Wang C, et al. Saliencygan: Deep learning semi-supervised salient object detection in the fog of iot. IEEE Trans. Ind. Inf. 2019;2019:1. [Google Scholar]
- 22.Zhang D, Meng D, Han J. Co-saliency detection via a self-paced multiple-instance learning framework. IEEE Trans. Pattern Anal. Mach. Intell. 2016;39:865–878. doi: 10.1109/TPAMI.2016.2567393. [DOI] [PubMed] [Google Scholar]
- 23.Zhang D, Han J, Li C, Wang J, Li X. Detection of co-salient objects by looking deep and wide. Int. J. Comput. Vision. 2016;120:215–232. doi: 10.1007/s11263-016-0907-4. [DOI] [Google Scholar]
- 24.Kearney V, Chan JW, Haaf S, Descovich M, Solberg TD. DoseNet: a volumetric dose prediction algorithm using 3D fully-convolutional neural networks. Phys. Med. Biol. 2018;63:235022. doi: 10.1088/1361-6560/aaef74. [DOI] [PubMed] [Google Scholar]
- 25.Kearney V, et al. A continuous arc delivery optimization algorithm for CyberKnife m6. Med. Phys. 2018;19:48. doi: 10.1002/mp.13022. [DOI] [PubMed] [Google Scholar]
- 26.Kearney V, Cheung JP, McGuinness C, Solberg TD. CyberArc: a non-coplanar-arc optimization algorithm for CyberKnife. Phys. Med. Biol. 2017;62:5777. doi: 10.1088/1361-6560/aa6f92. [DOI] [PubMed] [Google Scholar]
- 27.Chan JW, et al. A convolutional neural network algorithm for automatic segmentation of head and neck organs-at-risk using deep lifelong learning. Med. Phys. 2019;46:2204. doi: 10.1002/mp.13495. [DOI] [PubMed] [Google Scholar]
- 28.Kearney V, Chan J, Descovich M, Yom S, Solberg T. A multi-task CNN model for autosegmentation of prostate patients. Int. J. Radiat. Oncol. Biol. Phys. 2018;102:214. doi: 10.1016/j.ijrobp.2018.07.130. [DOI] [Google Scholar]
- 29.Isola, P., Zhu, J.-Y., Zhou, T. & Efros, A. A. Image-to-image translation with conditional adversarial networks. arXiv preprint (2017).
- 30.Kearney V, et al. Attention-aware discrimination for MR-to-CT image translation using cycle-consistent generative adversarial networks. Radiol. Artif.Intell. 2020;2:e190027. doi: 10.1148/ryai.2020190027. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 31.Kearney V, et al. Spatial attention gated variational autoencoder enhanced cycle-consistent generative adversarial networks for MRI to CT translation. Int. J. Radiat. Oncol. Biol. Phys. 2019;105:E720–E721. doi: 10.1016/j.ijrobp.2019.06.897. [DOI] [Google Scholar]
- 32.Xu C, et al. Segmentation and quantification of infarction without contrast agents via spatiotemporal generative adversarial learning. Med. Image Anal. 2020;59:101568. doi: 10.1016/j.media.2019.101568. [DOI] [PubMed] [Google Scholar]
- 33.Goodfellow, I. et al. in Advances in Neural Information Processing Systems. 2672–2680.
- 34.Jin, C.-B. et al. Deep CT to MR Synthesis using Paired and Unpaired Data. arXiv preprint arXiv:1805.10790 (2018).
- 35.Schlemper, J. et al. Attention Gated Networks: Learning to Leverage Salient Regions in Medical Images. arXiv preprint arXiv:1808.08114 (2018). [DOI] [PMC free article] [PubMed]
- 36.Kastaniotis, D., Ntinou, I., Tsourounis, D., Economou, G. & Fotopoulos, S. in 2018 IEEE 13th Image, Video, and Multidimensional Signal Processing Workshop (IVMSP). 1–5 (IEEE).
- 37.Oktay, O. et al. Attention U-Net: Learning where to look for the pancreas. arXiv preprint arXiv:1804.03999 (2018).
- 38.Luong, M.-T., Pham, H. & Manning, C. D. Effective approaches to attention-based neural machine translation. arXiv preprint arXiv:1508.04025 (2015).
- 39.Kearney VP, et al. Attention-enabled 3D boosted convolutional neural networks for semantic CT segmentation using deep supervision. Phys. Med. Biol. 2019;64:135001. doi: 10.1088/1361-6560/ab2818. [DOI] [PubMed] [Google Scholar]
- 40.Zhu, J.-Y., Park, T., Isola, P. & Efros, A. A. Unpaired image-to-image translation using cycle-consistent adversarial networks. arXiv preprint (2017).
- 41.Mejjati, Y. A., Richardt, C., Tompkin, J., Cosker, D. & Kim, K. I. Unsupervised attention-guided Image to Image Translation. arXiv preprint arXiv:1806.02311 (2018).
- 42.Descovich M, et al. Improving plan quality and consistency by standardization of dose constraints in prostate cancer patients treated with CyberKnife. J. Appl. Clin. Med. Phys. 2013;14:162–172. doi: 10.1120/jacmp.v14i5.4333. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 43.Ronneberger, O., Fischer, P., Brox. T. in International Conference on Medical Image Computing and Computer-Assisted Intervention 234–241 (Springer, Berlin, 2015).
- 44.Barragán-Montero AM, et al. Three-dimensional dose prediction for lung IMRT patients with deep neural networks: robust learning from heterogeneous beam configurations. Med. Phys. 2019;46:3679. doi: 10.1002/mp.13597. [DOI] [PubMed] [Google Scholar]
- 45.Nguyen D, et al. A feasibility study for predicting optimal radiation therapy dose distributions of prostate cancer patients from patient anatomy using deep learning. Sci. Rep. 2019;9:1076. doi: 10.1038/s41598-018-37741-x. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 46.Helal A, Omar A. Homogeneity Index: effective tool for evaluation of 3DCRT. Pan Arab J. Oncol. 2015;8:20. [Google Scholar]
- 47.Paddick I. A simple scoring ratio to index the conformity of radiosurgical treatment plans: technical note. J. Neurosurg. 2000;93:219–222. doi: 10.3171/jns.2000.93.supplement_3.0219. [DOI] [PubMed] [Google Scholar]
- 48.48Nakkiran, P. et al. Deep double descent: where bigger models and more data hurt. arXiv preprint arXiv:1912.02292 (2019).