[table]capposition=top capbtabboxtable[][]
11email: xingzhaohu@tju.edu.cn 22institutetext: Institute of High Performance Computing, A*STAR 33institutetext: Imperial College London 44institutetext: The Hong Kong University of Science and Technology (Guangzhou), Guangzhou, China 55institutetext: The Hong Kong University of Science and Technology, Hong Kong, China
Diff-UNet: A Diffusion Embedded Network
for Volumetric Segmentation
Abstract
In recent years, Denoising Diffusion Models have demonstrated remarkable success in generating semantically valuable pixel-wise representations for image generative modeling. In this study, we propose a novel end-to-end framework, called Diff-UNet, for medical volumetric segmentation. Our approach integrates the diffusion model into a standard U-shaped architecture to extract semantic information from the input volume effectively, resulting in excellent pixel-level representations for medical volumetric segmentation. To enhance the robustness of the diffusion model’s prediction results, we also introduce a Step-Uncertainty based Fusion (SUF) module during inference to combine the outputs of the diffusion models at each step. We evaluate our method on three datasets, including multimodal brain tumors in MRI, liver tumors, and multi-organ CT volumes, and demonstrate that Diff-UNet outperforms other state-of-the-art methods significantly. Our experimental results also indicate the universality and effectiveness of the proposed model. The proposed framework has the potential to facilitate the accurate diagnosis and treatment of medical conditions by enabling more precise segmentation of anatomical structures. The codes of Diff-UNet are available at https://github.com/ge-xing/Diff-UNet.
Keywords:
Diffusion model Medical Segmentation Volumetric Data.1 Introduction
Medical volumetric segmentation is a critical task for medical image analysis [12, 9, 20], involving the identification of lesion areas in high-dimensional medical image datasets on a pixel-by-pixel basis. More accurate segmentation results can provide valuable information to doctors, assisting them in diagnosing diseases. Conventional 3D medical segmentation algorithms typically employ an encoder-decoder structure [19, 15, 3] and incorporate skip-connections to enable the decoder to reuse features extracted by the encoder. Many current 3D medical image segmentation algorithms designed for model structures achieve promising segmentation results. For instance, SegResNet [16] uses variational Auto-Encoder [10] to add reconstruction branches, improving the feature extraction capability of the model. However, since its structure is based on a convolutional neural network, it may not be able to extract global features effectively.
Recenlty, the Transformer structure has gained popularity in modeling global features due to its global self-attention mechanism [23, 21]. TransBTS [24] leverages 3D-CNN to extract local spatial features and then applies the transformer to model global dependencies in high-level features. UNETR [7] utilizes ViT [4] as an encoder to model global features directly and outputs segmentation results using a CNN-based decoder with skip connections. However, the above methods are limited in their ability to extract multi-scale features due to the computational complexity of the Transformer structure. SwinUNETR [6] leverages Swin-Transformer [13] as an encoder to extract multi-scale features and employs a CNN-based decoder to generate the output, achieving state-of-the-art medical image segmentation results.
Denoising diffusion models [8, 22, 17] have shown significant success in various generative tasks, including medical image segmentation. For instance, MedSegDiff [26] achieves 2D medical image segmentation by segmenting Denoising-UNet, and interacting with inter-structural information through Fourier transform. Wolleb et al. [25] employ the diffusion model to solve the 2D medical image segmentation problem and improve the robustness of the segmentation results by fusing the output results of each diffusion step using a summation manner during testing. However, these methods are limited to 2D segmentation, and the diffusion model cannot generate multi-label segmentation directly.
Compared to traditional segmentation methods, the Diffusion model introduces noise at the input and iteratively predicts the segmentation label map, both of which can improve the robustness of the Diffusion model’s prediction. To exploit the Diffusion model’s potential, we propose a generic Diffusion-based end-to-end 3D medical image segmentation algorithm, called Diff-UNet, to solve the high-dimensional medical image segmentation problem. However, the conventional diffusion model can only solve the binary segmentation problem. To segment multiple class, we design a Label Embedding operation that converts the segmentation label map into one-hot labels. This enables Diff-UNet to segment multiple targets simultaneously. To extract semantic information from the input volume, we design a Denoising module that contains a Denoising-UNet and an independent Feature Encoder to learn the denoising process. This module outputs a clear segmentation label map from a noisy label map. Finally, we design a Step-Uncertainty based Fusion (SUF) module that fuses multiple predictions from the Denoising module to obtain more robust segmentation results during the testing phase. Extensive experiments on the BraTS2020 multimodal brain tumor segmentation dataset [14, 2], BTCV multi-organ segmentation dataset [11], and MSD Liver and Liver tumor segmentation dataset [1] demonstrate that our method significantly outperforms state-of-the-art approaches. 111We will release our code after acceptance.
2 Method
Fig. 1 shows the training stage, the testing stage, and two sub-modules of our proposed Diff-UNet: Denoising module and Step-Uncertainty based fusion module (SUF). Unlike conventional medical image segmentation methods that directly input volume data to predict the corresponding segmentation labelmap, the diffusion model learns the denoising process. The diffusion model takes the volumetric image and the segmentation labelmap with noise as input and learns to remove the noise to generate clear segmentation results.
2.1 Label Embedding
One-hot encoding is usually used to convert multi-categorical tags into multiple bicategorical tags. A one-hot vector is a binary vector of length where only a single entry can be one, all others must be zero. For example, assuming that there are 3 segmentation targets, we convert the segmentation labels by one-hot encoding to . The traditional Diffusion model only generates continuous data, which cannot predict the multi-target labels. Therefore, we first convert single-channel labelmap with size to multi-channel labels: by the one-hot encoding, where is the number of label, is the spatial resolutions of volumetric medical image. Then, we add successive step noise for the converted multi-channel labels, called the diffusion forward process.
(1) |
After getting the labelmap with step noise, our target is to predict the clear labelmap based on and the raw volume data by the Denoising Module.
2.2 Denoising Module
As shown in Fig. 1 (A), the Denoising Module consisting of a Feature Encoder (FE) and a Denoising-UNet (DU) is a main part of Diff-UNet. The Denoising-UNet also contains two parts, an encoder, and a decoder. First, given the volume data , where is the number of modal images, and the noisy one-hot label are concatenated channel-wise into DU’s encoder to obtain the multi-scale feature , where is the feature size and is the scale. Meanwhile, to better introduce the raw volumetric image features, we extract the multi-scale features of the volume data through a feature encoder which has the same size with the DU’s encoder. Since and contain the same number and size of features, we sum the features of the corresponding scales to obtain the fused features. After that, we input the fused multi-scale features to the decoder of DU network to obtain the prediction result :
(2) |
Classical diffusion is trained using denoising loss. In this task, we model the medical image segmentation task as a discrete data generation problem and directly predict instead of noisy . Diff-UNet is trained by combing Dice Loss, BCE Loss, and MSE Loss, and thus the total loss of our Diff-UNet is:
(3) |
2.3 Step-Uncertainty based Fusion
The diffusion model iterates times in the testing phase by the Denoising Diffusion Implicit Models (DDIM) method. In a conventional generation task, the last prediction is taken as the final generation result, while each iteration of Diff-UNet generates a segmentation map. As the prediction time step increases, the more accurate the prediction result is and the lower the prediction uncertainty is. Therefore, to improve the segmentation robustness of Diff-UNet model, we fuse the output based on the number of prediction steps and uncertainty.
The way we compute the uncertainty is similar to the Monte Carlo Dropout (MC Dropout) [5], which activates the network’s dropout layer, then performs forward passes to estimate the uncertainty map. On the other hand, Diff-UNet initializes a random noise in the testing phase (Fig. 1 (B)), so it can introduce randomness into the network without activating the dropout layer. Like Monte Carlo dropout, Diffusion’s testing process consists of steps, and each step predicts outputs, which are used to calculate the uncertainty. The formula is as:
(4) |
The fusion weights combining the number of prediction steps and uncertainty are calculated as , where is sigmoid funciton, denotes the current prediction step and is the uncertainty matrix. We use to weight the prediction results of each step to obtain the final fusion result , which is used as the output of our network. Finally, is given by: .
3 Experiments
Implementation Details. Our network is implemented in Pytorch and MONAI on 4 NVIDIA A100 GPUs. In the training phase, the loss function combines DICE loss, BCE loss, and MSE loss. We adopt an AdamW optimizer with a weight decay of 10-5. The warmup is set as 1/10 of the total number of epochs, and the learning rate is updated using the Cosine Annealing schedule. Each iteration randomly samples n patches (patch size is 969696) for training. Random flips, rotations, intensity scaling, and shifts are introduced for data augmentation. In testing, we set the number of DDIM sampling steps as 10, and the size of each sample is 969696. The sliding window overlap rate is 0.5 until the whole volume is predicted.
3.1 Datasets and Evaluation Metrics
To evaluate the volumetric segmentation performance of our method, we utilize three publicly available segmentation datasets, including BraTS2020 [14, 2], MSD Liver [1] dataset, and the abdominal multi-organ segmentation dataset BTCV [11]. Moreover, the Dice score and 95% Hausdorff Distance (HD95) are adopted for quantitative comparison.
BraTS2020 dataset contains 369 aligned four-modality MRI data (i.e., T1, T1ce, T2, FLAIR) with expert segmentation masks (i.e., GD-enhancing tumor, peritumoral edema, and tumor core). Each modality has a 155×240×240 volume and all modality images have already been resampled and co-registered. The segmentation task aims to segment the whole tumor (WT), enhancing tumor (ET), and tumor core (TC) regions. The splitting ratio for the training set, the validation set, and the test set is 0.7, 0.1, and 0.2.
MSD Liver dataset has a total of 131 cases of 3D liver images with 1 modality and 2 segmentation targets (liver and liver tumor) for each 3D liver image. All data are resampled to the same space (2.0, 2.0, 2.0). The MSD liver dataset is divided into a training set, validation set, and test set according to the ratio of 0.7, 0.1, and 0.2.
BTCV dataset consists of 30 cases of 3D abdominal multi-organ images and each 3D image has 13 organ segmentation targets. All data are resampled to the same space (2.0, 1.5, 1.5). Following TransUNet, 18 cases are used for training, and the remaining 12 cases are for testing.
3.2 Comparison with SOTA Methods
Methods | WT | TC | ET | Average | ||||||||
Dice | HD95 | Dice | HD95 | Dice | HD95 | Dice | HD95 | |||||
SwinUNETR [6] | 91.68 | 2.856 | 82.60 | 4.314 | 74.85 | 4.503 | 83.04 | 3.891 | ||||
UNETR [7] | 90.15 | 4.305 | 81.26 | 5.740 | 73.23 | 4.643 | 81.55 | 4.896 | ||||
TransBTS [24] | 91.06 | 3.360 | 83.60 | 2.986 | 74.03 | 3.403 | 82.90 | 3.249 | ||||
SegResNet [16] | 91.54 | 3.2275 | 83.61 | 3.769 | 73.04 | 3.486 | 82.73 | 3.494 | ||||
Attention-UNet [18] | 84.49 | 15.174 | 78.17 | 16.380 | 71.62 | 9.095 | 78.09 | 13.549 | ||||
ModelsGenesis [27] | 91.98 | 2.799 | 84.31 | 2.836 | 73.84 | 4.333 | 83.38 | 3.096 | ||||
Our Diff-UNet | 92.23 | 2.588 | 86.94 | 3.596 | 76.87 | 3.984 | 85.35 | 3.389 | ||||
Methods | Liver | Tumor | Average | |||||
Dice | HD95 | Dice | HD95 | Dice | HD95 | |||
SwinUNETR [6] | 95.47 | 0.392 | 49.94 | 20.906 | 72.70 | 10.645 | ||
UNETR [7] | 93.75 | 1.080 | 38.43 | 24.87 | 66.09 | 12.979 | ||
TransBTS [24] | 95.11 | 0.403 | 44.99 | 17.463 | 70.05 | 8.933 | ||
SegResNet [16] | 95.30 | 0.418 | 46.39 | 19.424 | 70.85 | 9.921 | ||
Attention-UNet [18] | 95.32 | 0.499 | 48.43 | 20.273 | 71.88 | 10.386 | ||
ModelsGenesis [27] | 95.04 | 0.934 | 50.04 | 31.146 | 72.54 | 15.823 | ||
Our Diff-UNet | 95.72 | 0.222 | 51.65 | 17.280 | 73.69 | 8.751 | ||
Framework | Average | Aorta | Gallbladder | Kidney(L) | Kidney(R) | Liver | Pancreas | Spleen | Stomach | ||||
Encoder | Decoder | Dice | HD95 | ||||||||||
VNet | 68.81 | - | 75.34 | 51.87 | 77.10 | 80.75 | 87.84 | 40.05 | 80.56 | 56.98 | |||
DARR | 69.77 | - | 74.74 | 53.77 | 72.31 | 73.24 | 94.08 | 54.18 | 89.90 | 45.96 | |||
R50 | U-Net | 74.68 | 36.87 | 84.18 | 62.84 | 79.19 | 71.29 | 93.35 | 48.23 | 84.41 | 73.92 | ||
R50 | AttUNet | 75.57 | 36.97 | 55.92 | 63.91 | 79.20 | 71.71 | 93.56 | 49.37 | 87.19 | 74.95 | ||
ViT | None | 61.50 | 39.61 | 44.38 | 39.59 | 67.46 | 62.94 | 89.21 | 43.14 | 75.45 | 69.78 | ||
ViT | CUP | 67.86 | 36.11 | 70.19 | 45.10 | 74.70 | 67.40 | 91.32 | 42.00 | 81.75 | 70.44 | ||
R50-Vit | CUP | 71.29 | 32.87 | 73.73 | 55.13 | 75.80 | 72.20 | 91.51 | 45.99 | 81.99 | 73.95 | ||
TransUNet | 77.48 | 31.69 | 87.23 | 63.13 | 81.87 | 77.02 | 94.08 | 55.86 | 85.02 | 75.62 | |||
Our Diff-UNet | 83.75 | 8.115 | 89.30 | 76.23 | 85.20 | 84.73 | 95.90 | 74.25 | 89.75 | 74.65 | |||
For the BraTS2020 and MSD liver datasets, we compare our Diff-UNet against state-of-the-art segmentation methods, including SwinUNETR, UNETR, TransBTS, SegResNet, Attention-UNet, and ModelsGenesis. For a fair comparison, all methods use publicly available implementations. For the BTCV dataset, we follow same experimental setting of TransUNet to utilize the same training and testing dataset and compare with state-of-the-art methods.
BraTS2020. Table 1 reports the Dice and HD95 scores and the average scores of all methods on the three regions (WT, TC, ET) for the BraTS2020 dataset. Apparently, our proposed Diff-UNet method clearly outperforms compared state-of-the-art methods in terms of the Dice score for all three regions and their average. The average Dice of the three regions achieves 85.35%, which has a improvement of 1.97% than the second place ModelsGenesis. Although our average HD95 score on three regions achieved 3.3898, which takes the 3rd rank, it is slightly smaller than the top two HD95 results (i.e., 3.2499 and 3.0961).
MSD Liver. Table 2 reports the Dice and HD95 performance of our proposed Diff-UNet and state-of-the-art methods on the MSD Liver dataset. Compared with other comparison methods, our Diff-UNet method has the larger Dice score and the smaller HD95 score on the Liver region, the tumor region and their average. Specifically, our Diff-UNet achieves a Dice score of 95.72% and a HD95 score of 0.222 on Liver segmentation, and a Dice score of 51.65% and a HD95 score of 17.280 on Liver tumor segmentation. And the average Dice and HD95 score on two regions are 73.69% and 8.751.
BTCV. Following the same experimental setup of TransUNet, we report the Dice scores for the eight abdominal organs and the average Dice and HD scores in Table 3 to compare our Diff-UNet and state-of-the-art segmentation methods. From Table 3, we can find that our Diff-UNet has the best averaged Dice and HD95 scores on eight organs. Specially, our Diff-UNet takes the 1st rank on the Dice score for six organs, and the averaged Dice and HD95 scores are 83.75% and 8.115. It indicates that our Diff-UNet can achieve a more accurate multi-organ segmentation performance than state-of-the-art methods in the BTCV dataset. Although our Diff-UNet takes the 2nd Dice rank on Spleen, and the 3rd Dice rank on Stomach, their Dice scores (89.75% and 74.65%) are slightly smaller than the best ones, which are 89.90% for Spleen and 75.62% for Stomach.
Visual Comparisons. Fig. 2 visually compares the segmentation results produced by our Diff-UNet and SOTA methods on BraTS2020 and MSD Liver datasets. We do not run the comparison method on the BTCV dataset but use the result table in TransUNet directly, so we do not show the segmentation results on the BTCV dataset. We can find that our Diff-UNet achieves more accurate segmentation results, especially on the tiny targets, while compared methods tend to miss some target regions, or include other non-target regions (see SwinUNETR at the 2nd row) in their segmentation results.
3.3 Ablation study
Module | WT | TC | ET | Average | |
basic | 91.62 | 85.02 | 75.10 | 83.91 | |
basic+FE | 91.52 | 85.85 | 75.59 | 84.32 | |
basic+FE+SF | 92.02 | 86.58 | 75.67 | 84.76 | |
basic+FE+ (Ours) | 92.23 | 86.94 | 76.87 | 85.35 |
WT | TC | ET | Average | ||
3 | 92.19 | 86.18 | 76.82 | 85.06 | |
4 (Ours) | 92.23 | 86.94 | 76.87 | 85.35 | |
5 | 92.17 | 86.96 | 76.84 | 85.32 | |
6 | 92.22 | 86.92 | 76.84 | 85.33 |
Effectiveness of major modules. We conduct ablation experiments on the BraTS2020 dataset to evaluate the role of different major modules (i.e., FE and SUF) involved in Diff-UNet and show their quantitative results in Table 5. From the quantitative results in Table 5, we can find that “basic+FE” has a larger averaged Dice on three regions (i.e., WT, TC, and ET) than “basic”, which indicates that taking our FE as the image encoder can introduce more image information to the diffusion model, thereby improving the segmentation accuracy. Meanwhile, the superior Dice score of “basic+FE+SF” over “basic+FE” demonstrates that fusing the segmentation results predicted at each step of DDIM can further improve the segmentation accuracy of the diffusion model. Moreover, our method has a superior Dice score over “basic+FE+SF”, which shows that assigning different weights to integrate predictions at different DDIM steps can further enhance the segmentation performance of our method.
Setting S. Moreover, we conduct an ablation study experiment to discuss how to set the value of (see Eq. 4), which is the number of predictions to compute the uncertainty in each DDIM step. Here we consider different values for , and they are 3, 4, 5, and 6 and show the corresponding results in Table 5. Apparently, our method has the best averaged Dice score on three regions when , and it has the largest Dice score of 92.23% on WT, the second largest Dice score of 76.87%, and the largest Dice score of 85.35% on ET. Hence, we empirically set in our method.
4 Conclusion
In this paper, we propose the first 3D medical image segmentation method, named Diff-UNet, based on the diffusion model, which models medical image segmentation as a discrete data generation task. The proposed algorithm introduces a generic end-to-end 3D medical image segmentation approach, leveraging the advantages of the Diffusion model to improve segmentation robustness. Experimental results on different benchmark datasets demonstrate the superiority of our Diff-UNet over state-of-the-art approaches. Overall, our work presents a significant contribution to the field of medical image segmentation, demonstrating the effectiveness of the Diffusion model in the 3D medical image segmentation task. The proposed method has the potential to facilitate more precise and accurate diagnosis and treatment of medical conditions, ultimately leading to improved patient outcomes.
References
- [1] Antonelli, M., Reinke, A., Bakas, S., Farahani, K., Kopp-Schneider, A., Landman, B.A., Litjens, G., Menze, B., Ronneberger, O., Summers, R.M., et al.: The medical segmentation decathlon. Nature communications 13(1), 1–13 (2022)
- [2] Bakas, S., Reyes, M., Jakab, A., Bauer, S., Rempfler, M., Crimi, A., Shinohara, R.T., Berger, C., Ha, S.M., Rozycki, M., et al.: Identifying the best machine learning algorithms for brain tumor segmentation, progression assessment, and overall survival prediction in the brats challenge. arXiv preprint arXiv:1811.02629 (2018)
- [3] Çiçek, Ö., Abdulkadir, A., Lienkamp, S.S., Brox, T., Ronneberger, O.: 3d u-net: Learning dense volumetric segmentation from sparse annotation. In: Medical Image Computing and Computer-Assisted Intervention – MICCAI 2016. pp. 424–432. Springer International Publishing, Cham (2016)
- [4] Dosovitskiy, A., Beyer, L., Kolesnikov, A., Weissenborn, D., Zhai, X., Unterthiner, T., Dehghani, M., Minderer, M., Heigold, G., Gelly, S., et al.: An image is worth 16x16 words: Transformers for image recognition at scale. arXiv preprint arXiv:2010.11929 (2020)
- [5] Gal, Y., Ghahramani, Z.: Dropout as a bayesian approximation: Representing model uncertainty in deep learning. In: international conference on machine learning. pp. 1050–1059. PMLR (2016)
- [6] Hatamizadeh, A., Nath, V., Tang, Y., Yang, D., Roth, H.R., Xu, D.: Swin unetr: Swin transformers for semantic segmentation of brain tumors in mri images. In: International MICCAI Brainlesion Workshop. pp. 272–284. Springer (2022)
- [7] Hatamizadeh, A., Tang, Y., Nath, V., Yang, D., Myronenko, A., Landman, B., Roth, H.R., Xu, D.: Unetr: Transformers for 3d medical image segmentation. In: Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision. pp. 574–584 (2022)
- [8] Ho, J., Jain, A., Abbeel, P.: Denoising diffusion probabilistic models. Advances in Neural Information Processing Systems 33, 6840–6851 (2020)
- [9] Khan, M.W.: A survey: Image segmentation techniques. International Journal of Future Computer and Communication 3(2), 89 (2014)
- [10] Kingma, D.P., Welling, M.: Auto-encoding variational bayes. arXiv preprint arXiv:1312.6114 (2013)
- [11] Landman, B., Xu, Z., Igelsias, J., Styner, M., Langerak, T., Klein, A.: Miccai multi-atlas labeling beyond the cranial vault– workshop and ch5allenge. In: MICCAI Multi-Atlas Labeling Beyond Cranial Vault—Workshop Challenge (2015)
- [12] Litjens, G., Kooi, T., Bejnordi, B.E., Setio, A.A.A., Ciompi, F., Ghafoorian, M., Van Der Laak, J.A., Van Ginneken, B., Sánchez, C.I.: A survey on deep learning in medical image analysis. Medical image analysis 42, 60–88 (2017)
- [13] Liu, Z., Lin, Y., Cao, Y., Hu, H., Wei, Y., Zhang, Z., Lin, S., Guo, B.: Swin transformer: Hierarchical vision transformer using shifted windows. In: Proceedings of the IEEE/CVF International Conference on Computer Vision. pp. 10012–10022 (2021)
- [14] Menze, B.H., Jakab, A., Bauer, S., Kalpathy-Cramer, J., Farahani, K., Kirby, J., Burren, Y., Porz, N., Slotboom, J., Wiest, R., et al.: The multimodal brain tumor image segmentation benchmark (brats). IEEE transactions on medical imaging 34(10), 1993–2024 (2014)
- [15] Milletari, F., Navab, N., Ahmadi, S.: V-net: Fully convolutional neural networks for volumetric medical image segmentation. In: 2016 Fourth International Conference on 3D Vision (3DV). pp. 565–571. IEEE Computer Society, Los Alamitos, CA, USA (oct 2016)
- [16] Myronenko, A.: 3d mri brain tumor segmentation using autoencoder regularization. In: International MICCAI Brainlesion Workshop. pp. 311–320. Springer (2018)
- [17] Nichol, A.Q., Dhariwal, P.: Improved denoising diffusion probabilistic models. In: International Conference on Machine Learning. pp. 8162–8171. PMLR (2021)
- [18] Oktay, O., Schlemper, J., Folgoc, L.L., Lee, M., Heinrich, M., Misawa, K., Mori, K., McDonagh, S., Hammerla, N.Y., Kainz, B., et al.: Attention u-net: Learning where to look for the pancreas. arXiv preprint arXiv:1804.03999 (2018)
- [19] Ronneberger, O., Fischer, P., Brox, T.: U-net: Convolutional networks for biomedical image segmentation. In: International Conference on Medical Image Computing and Computer-Assisted Intervention. pp. 234–241. Springer (2015)
- [20] Shamshad, F., Khan, S., Zamir, S., Khan, M., Hayat, M., Khan, F., Fu, H.: Transformers in medical imaging: A survey. arxiv 2022. arXiv preprint arXiv:2201.09873
- [21] Shamshad, F., Khan, S., Zamir, S.W., Khan, M.H., Hayat, M., Khan, F.S., Fu, H.: Transformers in Medical Imaging: A Survey. arXiv (jan 2022), http://arxiv.org/abs/2201.09873
- [22] Song, J., Meng, C., Ermon, S.: Denoising diffusion implicit models. arXiv preprint arXiv:2010.02502 (2020)
- [23] Vaswani, A., Shazeer, N., Parmar, N., Uszkoreit, J., Jones, L., Gomez, A.N., Kaiser, Ł., Polosukhin, I.: Attention is all you need. Advances in neural information processing systems 30 (2017)
- [24] Wang, W., Chen, C., Ding, M., Yu, H., Zha, S., Li, J.: Transbts: Multimodal brain tumor segmentation using transformer. In: Medical Image Computing and Computer Assisted Intervention–MICCAI 2021: 24th International Conference, Strasbourg, France, September 27–October 1, 2021, Proceedings, Part I 24. pp. 109–119. Springer (2021)
- [25] Wolleb, J., Sandkühler, R., Bieder, F., Valmaggia, P., Cattin, P.C.: Diffusion models for implicit image segmentation ensembles. In: International Conference on Medical Imaging with Deep Learning. pp. 1336–1348. PMLR (2022)
- [26] Wu, J., Fang, H., Zhang, Y., Yang, Y., Xu, Y.: Medsegdiff: Medical image segmentation with diffusion probabilistic model. arXiv preprint arXiv:2211.00611 (2022)
- [27] Zhou, Z., Sodha, V., Pang, J., Gotway, M.B., Liang, J.: Models genesis. Medical image analysis 67, 101840 (2021)