Next Article in Journal
A Rotating Object Detector with Convolutional Dynamic Adaptive Matching
Next Article in Special Issue
Breast Cancer Diagnosis Using YOLO-Based Multiscale Parallel CNN and Flattened Threshold Swish
Previous Article in Journal
Wood Distillate Enhances Seed Germination of Chickpea, Lettuce, and Basil
Previous Article in Special Issue
Classification of Alzheimer’s Disease Based on White Matter Connectivity Network
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

Biomedical Image Segmentation Using Denoising Diffusion Probabilistic Models: A Comprehensive Review and Analysis

by
Zengxin Liu
1,2,
Caiwen Ma
1,*,
Wenji She
1 and
Meilin Xie
1
1
Xi’an Institute of Optics and Precision Mechanics, Chinese Academy of Sciences, Xi’an 710119, China
2
School of Optoelectronics, University of Chinese Academy of Sciences, Beijing 101408, China
*
Author to whom correspondence should be addressed.
Appl. Sci. 2024, 14(2), 632; https://doi.org/10.3390/app14020632
Submission received: 25 December 2023 / Revised: 7 January 2024 / Accepted: 8 January 2024 / Published: 11 January 2024
(This article belongs to the Special Issue Advance in Deep Learning-Based Medical Image Analysis)

Abstract

:
Biomedical image segmentation plays a pivotal role in medical imaging, facilitating precise identification and delineation of anatomical structures and abnormalities. This review explores the application of the Denoising Diffusion Probabilistic Model (DDPM) in the realm of biomedical image segmentation. DDPM, a probabilistic generative model, has demonstrated promise in capturing complex data distributions and reducing noise in various domains. In this context, the review provides an in-depth examination of the present status, obstacles, and future prospects in the application of biomedical image segmentation techniques. It addresses challenges associated with the uncertainty and variability in imaging data analyzing commonalities based on probabilistic methods. The paper concludes with insights into the potential impact of DDPM on advancing medical imaging techniques and fostering reliable segmentation results in clinical applications. This comprehensive review aims to provide researchers, practitioners, and healthcare professionals with a nuanced understanding of the current state, challenges, and future prospects of utilizing DDPM in the context of biomedical image segmentation.

1. Introduction

The accurate identification and delineation of structures within medical images are essential for extracting meaningful information, aiding clinicians in making informed decisions. Traditional segmentation methods have demonstrated limitations in handling the complexity and variability inherent in biomedical images, particularly in the presence of noise and intricate anatomical details [1].
To address these challenges, probabilistic models have gained prominence for their ability to capture the uncertainty and variability in imaging data [2]. Among these models, the Denoising Diffusion Probabilistic Model (DDPM) has emerged as a promising approach with its capacity to learn intricate probability distributions and effectively denoise images. DDPM, originally developed for generative modeling, has garnered attention for its potential application in biomedical image segmentation [3].
In the realm of medical imaging, the significance of accurate image segmentation cannot be overstated. The extraction of precise information from medical images through segmentation forms the bedrock for a multitude of clinical applications that are pivotal for patient care. Accurate segmentation delineates and isolates structures of interest, such as organs, tissues, and pathological regions, providing clinicians with invaluable insights into anatomical details and disease states [3]. The reliability of diagnostic assessments, treatment planning, and therapeutic interventions hinges upon the fidelity of segmentation results [4].
Innovative methods, including graph-based processing and statistical signal processing such as Markov Random Fields (MRF) exemplified by techniques like synthetic graph coordinates [5] and fuzzy clustering with hidden Markov random field models and Voronoi tessellation [6], offer unique advantages in capturing complex relationships within image structures. Additionally, the fusion of graph-based processing and MRF models, as demonstrated in works like the hybrid ACO-ICM algorithm for MRF optimization [7], showcases the potential for improved segmentation accuracy. Furthermore, the integration of goal-driven unsupervised image segmentation methods, combining graph-based processing and MRFs [8], has demonstrated promising results. Such approaches not only enhance the precision of segmentation but also contribute to the interpretability and adaptability of the segmentation process.
Traditional methods of image segmentation have long been employed in medical imaging; however, they often encounter challenges in handling the inherent complexities of biological structures and the variability present in imaging data. The need for more sophisticated and adaptive segmentation approaches has driven the exploration of advanced techniques, and probabilistic models have emerged as a promising avenue for addressing these challenges [9].
The accuracy of medical image segmentation is particularly crucial in scenarios where subtle structural details or anomalies can significantly impact clinical decisions [10]. For instance, in the detection and characterization of tumors, the delineation of precise boundaries is paramount for treatment planning and monitoring disease progression. Similarly, in anatomical studies and functional assessments, accurate segmentation lays the foundation for reliable quantitative analyses.
The rationale for exploring DDPM in this context lies in its inherent capacity to capture complex dependencies in data and its adaptability to the unique challenges posed by medical images [11,12]. As the field of medical imaging continues to evolve, there is a growing need for segmentation methods that can robustly handle variations in imaging conditions, noise levels, and the inherent heterogeneity of biological structures [13].
This review sets the stage for a comprehensive review and analysis of the use of DDPM in biomedical image segmentation. By exploring the mathematical foundations of DDPM, discussing its advantages over traditional segmentation methods, and examining recent methodologies and implementations, this review aims to provide insights into the current state of the field. Additionally, the review will critically evaluate the challenges associated with implementing DDPM, discuss relevant evaluation metrics, and highlight emerging trends that shape the future trajectory of biomedical image segmentation research. Through this exploration, the review seeks to contribute to the ongoing dialogue surrounding the integration of advanced probabilistic models, specifically DDPM, into the landscape of biomedical imaging for improved segmentation accuracy and clinical utility.

2. Biomedical Image Segmentation

2.1. Traditional Approaches to Biomedical Image Segmentation

2.1.1. Thresholding Methods

Thresholding is a fundamental technique in traditional biomedical image segmentation, offering a simple yet effective approach to separate regions of interest based on pixel intensity values. This method operates on the premise that pixel intensities in an image can be classified into distinct regions by defining a threshold value. Pixels with intensities above the threshold are assigned to one class, while those below are assigned to another.
The simplicity and computational efficiency of thresholding make it widely used, especially when the imaging conditions and the characteristics of the regions of interest exhibit clear intensity differences. This method finds application in various biomedical imaging modalities such as X-ray, computed tomography (CT), magnetic resonance imaging (MRI), and microscopy.
The classic textbook on digital image processing provides a comprehensive introduction, including a detailed discussion of thresholding methods and their applications in biomedical image analysis [14]. Otsu’s method is a widely cited reference for automatic threshold selection; this method introduces an algorithm for minimizing intra-class variance in pixel intensities to determine an optimal threshold [15]. Li and Tam propose an iterative thresholding algorithm based on the minimum cross entropy criterion, demonstrating its effectiveness in various image segmentation tasks [16]. Kapur et al. propose an entropy-based thresholding method, outlining a criterion for selecting the threshold that maximizes the information gained from the image histogram [17]. Sezgin and Sankur provide a comprehensive overview of various thresholding techniques, including quantitative evaluation measures, and discuss their applications in biomedical image segmentation [18].

2.1.2. Region-Based Methods

Region-based methods constitute a prominent category within traditional biomedical image segmentation techniques. Unlike thresholding, which relies on pixel intensity values, region-based methods consider groups of pixels with similar characteristics, emphasizing spatial coherence. These methods partition an image into regions based on criteria such as intensity homogeneity, texture, or other feature similarities.
Region-based segmentation typically involves an iterative process, where regions evolve to maximize homogeneity and distinctiveness. This approach is particularly useful when regions of interest exhibit variations in intensity within their boundaries.
Weszka et al. discuss texture-based region segmentation methods and their applications, providing insights into the importance of texture features in biomedical image analysis [19]. Adams and Bischof present a region-based segmentation method known as Seeded Region Growing, which iteratively grows regions from user-defined seed points based on pixel similarity [20]. Kass et al. introduce active contour models, or “snakes”, which are region-based deformable models used for contour delineation in medical image segmentation [21]. The watershed transformation, a region-based segmentation method rooted in mathematical morphology, is discussed in [22], offering insights into its application in biomedical image segmentation. Ref. [23] provides a computational model of visual segmentation, encompassing region-based methods, and discusses their relevance to understanding human perception of visual scenes.

2.1.3. Edge-Based Methods

Edge-based methods in traditional biomedical image segmentation focus on identifying boundaries or edges that separate different regions within an image. Edges often correspond to significant changes in pixel intensity, and the detection of these edges is crucial for outlining structures or objects of interest. Edge-based methods leverage gradient information, emphasizing the discontinuities in pixel intensities to delineate boundaries.
These methods are particularly valuable in scenarios where regions of interest have distinct intensity gradients, and precise delineation is essential for accurate segmentation.
Canny’s edge detection algorithm is a seminal work in the field, providing a systematic approach to identifying edges by detecting local intensity gradients [24]. The Sobel operator is a classic edge detection filter that computes the gradient of the image intensity, highlighting areas of rapid intensity change [25]. Ref. [26] proposes a model of edge detection based on zero-crossings in the image intensity profile, contributing to the theoretical understanding of edge-based methods. Haralick and Shapiro provide a comprehensive overview of image segmentation techniques, including edge-based methods, highlighting their applications in biomedical image analysis [27]. Ref. [28] introduces a multiscale edge representation, exploring the characterization of edges at different scales for improved edge-based segmentation. Active contour models, or “snakes”, are edge-based deformable models used for contour delineation in biomedical image segmentation [21]. Deriche proposed a recursive implementation of the Canny edge detector, enhancing computational efficiency while maintaining optimality [29]. Ref. [30] showcases the application of edge-based methods for the segmentation of hip CT images, emphasizing their role in computer-aided surgery.
A summary of the existing methods introduced in Section 2.1 is shown in Table 1.

2.2. Challenges and Limitations of Traditional Methods

Traditional methods in biomedical image segmentation, including thresholding, region-based, and edge-based approaches, have been foundational in the field, but they come with a set of challenges and limitations that impact their applicability and performance. Understanding these constraints is essential for appreciating the need for more advanced techniques, particularly in the context of the ever-evolving landscape of medical imaging. Below is a detailed discussion of the challenges associated with traditional methods.

2.2.1. Sensitivity to Image Noise

Traditional segmentation methods are often sensitive to noise present in biomedical images. Noise can arise from various sources, including imaging modalities, acquisition processes, or inherent biological variability. High sensitivity to noise can lead to inaccuracies in segmentation results, affecting the precision of identified structures. Methods relying on pixel intensity thresholds, in particular, can be significantly impacted by noise, as they lack the sophistication to discriminate between noise and true anatomical features [31].

2.2.2. Limited Adaptability to Varying Image Characteristics

Traditional segmentation methods may struggle with images exhibiting diverse characteristics, such as varying contrast, illumination, or texture. These methods often rely on fixed criteria, making them less adaptable to the inherent variability in medical images. The lack of flexibility to accommodate different imaging conditions can result in suboptimal performance across datasets with distinct characteristics [32].

2.2.3. Difficulty Handling Complex Anatomical Structures

Accurate segmentation of complex anatomical structures with irregular shapes and intricate boundaries is a significant challenge for traditional methods. Many medical images exhibit structures that are not well-suited to simplistic segmentation techniques, leading to undersegmentation or oversegmentation issues. The lack of adaptability to handle complex structures limits the broader application of traditional methods in scenarios where detailed anatomical delineation is crucial [33].

2.2.4. Manual Parameter Tuning

A common challenge associated with traditional segmentation methods is the need for manual parameter tuning. Methods often involve setting thresholds or parameters that are specific to the characteristics of the image or the target structure. Manual tuning makes these methods less adaptable to different datasets and potentially hinders the automation of segmentation processes, requiring expertise and user intervention [34].

2.2.5. Limited Capacity for Handling Multimodal and 3D Data

Traditional methods may encounter difficulties in handling multimodal or three-dimensional (3D) biomedical images. Medical imaging technologies often produce datasets with multiple modalities or volumetric information. Traditional methods designed for 2D, single-modal data may not seamlessly extend to the challenges posed by multimodal or 3D datasets, limiting their applicability in advanced medical imaging scenarios [35].

2.2.6. Difficulty in Incorporating Prior Knowledge

The integration of prior knowledge, such as anatomical atlases or expert annotations, into traditional methods can be challenging. While advanced techniques often leverage prior knowledge for improved segmentation accuracy, traditional methods may lack the mechanisms to effectively incorporate such information. This limitation can hinder the adaptability of segmentation approaches in scenarios where contextual information is crucial [32].

2.2.7. Segmentation of Overlapping Structures

Traditional methods may struggle with accurately segmenting overlapping structures, a common scenario in medical imaging where multiple anatomical components coexist. Thresholding, region-based, and edge-based methods may lack the specificity to handle intricate overlaps, leading to challenges in distinguishing and delineating individual structures accurately [36].
In conclusion, while traditional methods have played a crucial role in the history of biomedical image segmentation, their challenges and limitations highlight the need for more advanced and adaptive techniques, such as those based on deep learning, to address the evolving complexities of medical imaging datasets. These limitations underscore the ongoing quest for methodologies that can provide robust and accurate segmentation across diverse biomedical imaging scenarios.

2.3. Introduction of Probabilistic Models in Biomedical Image Segmentation

Probabilistic models play a pivotal role in biomedical image segmentation, offering a principled framework for capturing uncertainty and variability inherent in complex imaging data. Among the diverse set of probabilistic models, Gaussian Mixture Models (GMMs) and Hidden Markov Models (HMMs) have gained prominence for their versatility and ability to model intricate statistical relationships within biomedical images.
Probabilistic models provide a mathematical foundation to represent and understand uncertainty in data. In the context of biomedical image segmentation, where pixel intensities can vary significantly, probabilistic models offer a robust framework for capturing the inherent stochastic nature of the imaging process. These models allow for the estimation of probability distributions, enabling a more nuanced representation of the complex relationships between image features.

2.3.1. Gaussian Mixture Models (GMM)

GMMs are a powerful class of probabilistic models commonly employed in biomedical image segmentation. They assume that the observed data are generated from a mixture of several Gaussian distributions, each corresponding to a different underlying structure or class in the image. The combination of these Gaussians forms a flexible and expressive model for capturing the diverse intensity variations present in biomedical images.
GMMs find applications in various segmentation tasks, including tissue classification in medical images. By modeling the intensity distribution of different tissues with Gaussian components, GMMs can effectively delineate regions with varying contrasts and textures. This flexibility makes them well-suited for scenarios where traditional thresholding methods may fall short [37,38].

2.3.2. Hidden Markov Models (HMM)

HMMs are another class of probabilistic models with a sequential framework, making them particularly suitable for tasks involving ordered data, such as temporal sequences in medical imaging. In the context of segmentation, HMMs model the underlying dynamics of image intensities by considering a sequence of hidden states, each corresponding to a different tissue or structure.
HMMs have found applications in dynamic imaging modalities, such as functional MRI (fMRI) or video sequences. By considering the temporal dependencies of image intensities, HMMs can discern transitions between different states, facilitating the segmentation of dynamic structures over time. This is especially valuable in functional imaging where the evolution of tissue properties is a key factor [39,40].

2.3.3. Integration with Deep Learning

Recent advancements in biomedical image segmentation involve the integration of probabilistic models with deep learning architectures. This synergistic approach combines the representational power of deep neural networks with the probabilistic reasoning of models like GMMs and HMMs, leading to more accurate and robust segmentation outcomes [31,35,41].
In conclusion, probabilistic models, including Gaussian Mixture Models and Hidden Markov Models, offer a principled and versatile framework for addressing the challenges of biomedical image segmentation. By explicitly considering uncertainty and variability, these models contribute to more accurate delineation of structures in complex imaging data. Their integration with advanced computational methods, such as deep learning, represents a promising avenue for future developments in biomedical image segmentation, catering to the evolving needs of the field.

2.4. The Limitation of Probabilistic Models in Biomedical Image Segmentation

Probabilistic models, despite their strengths in capturing uncertainty and variability, are not without criticisms, especially when applied to biomedical image segmentation. Two key challenges are their sensitivity to noise and limitations in handling complex anatomical structures.
Probabilistic models, including GMMs and HMMs, can be sensitive to noise in biomedical images. Noise, arising from various sources such as acquisition processes, instrumentation, or biological variability, introduces variations in pixel intensities that may not be adequately modeled by the assumed probability distributions. This sensitivity can lead to inaccuracies in segmentation results, impacting the reliability of identified structures [31].
Various strategies have been proposed to mitigate sensitivity to noise. These include pre-processing techniques such as image smoothing or denoising to enhance the signal-to-noise ratio before applying probabilistic models. Additionally, advanced probabilistic models that explicitly consider noise characteristics, such as robust variants of GMMs, have been explored to enhance the robustness of segmentation in noisy environments.
Probabilistic models may face limitations in accurately segmenting complex anatomical structures with irregular shapes and intricate boundaries. Traditional models, such as GMMs, assume a certain level of simplicity in the underlying probability distributions, which may not adequately capture the nuanced variations in intensity profiles present in intricate anatomical regions [41].
Addressing the challenge of handling complex anatomy involves adopting more sophisticated probabilistic models or combining probabilistic approaches with other segmentation techniques. Advanced models, such as non-parametric Bayesian models, provide a more flexible representation of underlying probability distributions, accommodating the intricacies of complex anatomies. Hybrid approaches, incorporating machine learning or deep learning components alongside probabilistic models, have demonstrated improved segmentation accuracy for complex structures.
While probabilistic models face criticisms, there is an opportunity for improvement through integration with advanced computational techniques. Combining probabilistic models with deep learning architectures allows for a more data-driven and adaptive approach to biomedical image segmentation. Deep learning methods can learn complex hierarchical features directly from the data, potentially mitigating some of the limitations associated with probabilistic models [35].
Challenges in integrating advanced computational techniques include the need for large annotated datasets, potential overfitting, and increased computational complexity. Striking a balance between the interpretability of probabilistic models and the representational power of deep learning is an ongoing research endeavor.
In conclusion, while probabilistic models like GMMs and HMMs offer valuable tools for biomedical image segmentation, they are not immune to criticisms. Sensitivity to noise and challenges in handling complex anatomy highlight the need for continued research to enhance the robustness and adaptability of these models. Strategies such as noise reduction, utilization of advanced probabilistic models, and integration with deep learning hold promise for addressing these criticisms and advancing the state of the art in biomedical image segmentation. As the field continues to evolve, a synergistic approach that combines the strengths of probabilistic models with emerging computational techniques is likely to pave the way for more accurate and reliable segmentation outcomes in complex biomedical imaging scenarios.

3. Denoising Diffusion Probabilistic Model (DDPM)

3.1. Overview of DDPM

The DDPM is a powerful generative model designed for image generation and denoising tasks. Developed to address challenges in capturing complex data distributions and handling noise in images, the DDPM has demonstrated significant success in various domains, including computer vision and biomedical image processing.
At the heart of the DDPM is the denoising diffusion process. As shown in Figure 1, the model leverages the insight that a sequence of noisy images can be generated by applying a diffusion process, where each step corresponds to introducing controlled noise. By training the model to reverse this process and denoise the images, DDPM learns to capture the underlying probability distribution of the clean data [13].
DDPM is inherently rooted in probabilistic modeling, aiming to capture the distribution of realistic data. The denoising diffusion process is formulated as a probabilistic generative model, allowing for the estimation of intricate data distributions and enhancing the model’s capability to generate high-quality samples. DDPM employs a reversible diffusion process, where noise is incrementally added to an image in a series of steps. This process allows the model to learn both the forward and inverse transformations, enabling effective denoising during the training phase. DDPM is trained using a maximum likelihood estimation (MLE) objective, seeking to maximize the likelihood of observing clean images given the noisy counterparts generated by the denoising diffusion process. This training objective ensures that the model captures the underlying distribution and can effectively denoise input images [42,43,44].
DDPM’s denoising capabilities make it particularly valuable in medical imaging, where the accuracy of segmentation tasks is heavily influenced by the quality of input images. By effectively removing noise, DDPM enhances the robustness and reliability of segmentation models in biomedical applications. Beyond denoising, DDPM’s generative nature allows for probabilistic image generation. In biomedical imaging, this capability can be harnessed for generating synthetic datasets, augmenting training data, or simulating various imaging conditions to improve the robustness of segmentation models.
In conclusion, the DDPM represents a cutting-edge approach to image generation and denoising, rooted in the principles of probabilistic modeling and the reversible denoising diffusion process. Its applications in biomedical image segmentation, particularly in denoising medical images and generating synthetic datasets, showcase its potential impact on advancing the field. As research in probabilistic models continues to evolve, DDPM stands out as a promising tool for improving the reliability and quality of biomedical image segmentation tasks.

3.2. Mathematical Foundations of DDPM

The DDPM is built upon a mathematical foundation that combines elements from probability theory, stochastic processes, and deep learning [45]. This foundation enables DDPM to model complex data distributions, denoise images, and generate realistic samples [46].

3.2.1. Denoising Diffusion Process

At the core of DDPM is the denoising diffusion process, a probabilistic sequence of transformations that gradually introduces controlled noise to an image [47]. The process aims to model the generative path from a clean image to a noisy version. Formally, the process is defined as:
X t = f θ t ( X t 1 ) + 2 η t ε
where X t is the image at time t , f θ t is the denoising function parameterized by θ t , η t is a schedule of diffusion noise, and ε is a sample from a unit Gaussian distribution.

3.2.2. Probabilistic Modeling

DDPM formulates the denoising process within a probabilistic framework [48]. The likelihood of observing a clean image given the noisy counterpart is modeled using the conditional probability:
p ( X t X t 1 ) = N ( f θ t ( X t 1 ) , 2 η t I )
This probabilistic formulation allows DDPM to learn the conditional distribution and infer the underlying clean image given its noisy observation.

3.2.3. Reversible Diffusion

The denoising diffusion process in DDPM is designed to be reversible, meaning it has both a forward and an inverse transformation [49]. The reversibility ensures that the model can be trained to denoise images by learning to invert the diffusion process. Mathematically, the reversibility requirement is expressed as:
X t 1 = f θ t 1 ( X t ) 2 η t ε
This property is crucial for training the model to accurately denoise images during the learning process.

3.2.4. Training Objective

DDPM is trained using an MLE objective [50]. The goal is to maximize the likelihood of observing the true clean image X t given the noisy counterpart X 0 after the diffusion process. The training objective is formulated as:
θ * = argmax θ t = 1 T log p ( X t X 0 )

3.2.5. Diffusion Noise Schedule

The diffusion noise schedule determines how noise is added during each step of the denoising diffusion process. It plays a crucial role in balancing the expressiveness of the model and the computational efficiency of training. The schedule is often chosen to be annealed, starting with higher noise levels and gradually decreasing. The choice of the noise schedule is a critical parameter that influences the model’s performance.

3.2.6. Connection to Markov Chain Monte Carlo

The denoising diffusion process in DDPM can be connected to the framework of Markov Chain Monte Carlo (MCMC). Specifically, the diffusion process can be viewed as a discretization of Langevin dynamics, a continuous-time stochastic process used in MCMC. This connection provides insights into the relationship between DDPM and traditional MCMC methods [51].

3.2.7. Architectural Components

DDPM often incorporates architectural components such as invertible neural networks and reversible 1 × 1 convolutions. These components contribute to the model’s ability to perform the denoising diffusion process effectively and efficiently [52].
In summary, the mathematical foundation of DDPM lies in the formulation of the denoising diffusion process, probabilistic modeling, reversibility, and a carefully designed training objective. These components collectively enable DDPM to model complex data distributions, denoise images, and generate realistic samples. The connection to Markov Chain Monte Carlo further enriches the theoretical understanding of DDPM. Understanding the mathematical principles of DDPM is crucial for both implementing and interpreting the model’s behavior in various applications, including biomedical image segmentation.

3.3. Applications of DDPM in Image Processing

The application of the DDPM in image processing has gained significant attention due to its ability to generate high-quality images, denoise noisy data, and serve as a powerful tool in various domains.

3.3.1. Image Denoising

DDPM excels in the task of image denoising by utilizing its denoising diffusion process. The model is trained to effectively reverse the diffusion process, removing noise from observed images. By learning the intricate probability distribution of clean data and accounting for the noise introduced during the diffusion steps, DDPM can produce denoised images with enhanced clarity [13,43].

3.3.2. Image Generation

DDPM is a generative model, capable of generating realistic images. Its denoising diffusion process, coupled with the reversibility property, allows it to sample from the learned distribution and create new images. This application is valuable in tasks such as image synthesis for artistic purposes or as a source of diverse training data for other machine learning models [43,44].

3.3.3. Data Augmentation

DDPM’s generative capabilities extend to data augmentation. By generating realistic variations of existing images, DDPM aids in enriching training datasets for other machine learning tasks. This is particularly useful in scenarios where obtaining a large annotated dataset is challenging [43,53].

3.3.4. Medical Imaging

In the domain of medical imaging, where the accuracy and reliability of segmentation are paramount, DDPM finds application in denoising medical images and generating synthetic datasets. The model’s ability to handle noise and capture underlying distributions makes it valuable in enhancing the quality of medical imaging data [43,54].

3.3.5. Video Processing

DDPM’s sequential denoising process makes it suitable for video processing. By extending its application to video frames, DDPM can effectively denoise and generate realistic sequences, contributing to tasks such as video enhancement or synthetic video generation [55].

3.3.6. Style Transfer

DDPM’s generative capabilities can be applied to artistic tasks, such as style transfer. By manipulating the denoising diffusion process, DDPM can alter the style of an image while preserving its content, contributing to the creation of visually appealing and stylized images [56,57].

3.3.7. Uncertainty Estimation

In addition to its generative capabilities, DDPM has been explored for uncertainty estimation in various tasks. Bayesian neural networks based on DDPM can provide valuable uncertainty estimates, aiding in decision-making processes and improving the reliability of models [43,53].

3.3.8. Integration with Other Models

DDPM’s generative capabilities and denoising properties make it suitable for integration with other models. Combining DDPM with deep learning architectures or probabilistic graphical models can lead to hybrid models that benefit from the strengths of both approaches [13,35].
The application of DDPM in image processing spans a wide range of tasks, from enhancing medical imaging to generating artistic styles. Its ability to denoise images, generate realistic samples, and estimate uncertainties makes it a versatile tool in machine learning and computer vision. The cited references showcase the diverse applications and the ongoing research efforts to explore the full potential of DDPM in addressing complex challenges in image processing. As the field continues to evolve, DDPM stands as a promising model contributing to advancements in image synthesis, denoising, and other related tasks.

3.4. Advantages of Using DDPM in Biomedical Image Segmentation

The application of DDPM in biomedical image segmentation offers several advantages that contribute to improved accuracy, robustness, and reliability in delineating structures within medical images.

3.4.1. Robust Handling of Noisy Medical Images

Biomedical images often suffer from inherent noise arising from the imaging process, acquisition artifacts, or other environmental factors. DDPM, with its denoising diffusion process, is specifically designed to handle noisy data. By modeling the sequential introduction of controlled noise during training, DDPM learns to reverse this process during inference, effectively denoising the input images [13,43].

3.4.2. Probabilistic Modeling for Uncertainty Estimation

DDPM inherently adopts a probabilistic modeling approach, allowing it to capture uncertainty in the data distribution. This is particularly advantageous in biomedical image segmentation, where uncertainty estimation is crucial for assessing the reliability of segmentation results. Bayesian interpretations of DDPM provide valuable uncertainty measures that can inform clinicians about the confidence levels associated with segmentation outcomes [43,53].

3.4.3. Generative Capabilities for Data Augmentation

DDPM’s generative nature makes it well-suited for data augmentation in biomedical image segmentation tasks. The model can generate synthetic images that closely resemble real data, helping to address challenges associated with limited annotated datasets. Data augmentation enhances the diversity of training data, leading to more robust segmentation models [42,44].

3.4.4. Reversibility Facilitating Model Interpretability

The reversible nature of DDPM is a unique feature that supports interpretability. In biomedical image segmentation, understanding how a model arrives at a segmentation result is essential for clinical acceptance. The reversibility property allows for tracing back the denoising diffusion process, providing insights into the features and transformations contributing to the final segmentation [13,44].

3.4.5. Integration with Advanced Computational Techniques

DDPM can be seamlessly integrated with other advanced computational techniques, such as deep learning architectures. The combination of DDPM with deep neural networks enables the development of hybrid models that leverage the representational power of deep learning and the probabilistic reasoning of DDPM. This integration often results in more accurate and robust segmentation outcomes [13,35].

3.4.6. Addressing Challenges of Complex Anatomy

Biomedical images frequently involve complex anatomical structures with intricate boundaries and varying intensity profiles. DDPM’s ability to model complex probability distributions and handle diverse intensities makes it well-suited for segmenting structures with intricate anatomies. This is particularly advantageous in applications like neuroimaging, where detailed structures demand precise segmentation [33,54].

3.4.7. Synergistic Integration with Probabilistic Graphical Models

DDPM’s probabilistic framework aligns well with the principles of probabilistic graphical models (PGMs). Integrating DDPM with PGMs allows for a synergistic approach that leverages the strengths of both paradigms. This can enhance the modeling of complex relationships within biomedical images, leading to more accurate segmentation [13,33].

3.4.8. Mitigation of Overfitting with Bayesian Interpretations

The probabilistic interpretation of DDPM provides a natural means for Bayesian modeling. This, in turn, mitigates the risk of overfitting, a common concern in biomedical image segmentation tasks. Bayesian interpretations allow for the incorporation of prior knowledge and regularization, leading to more robust models [42,53].
In conclusion, the application of DDPM in biomedical image segmentation brings forth a multitude of advantages, ranging from robust handling of noisy data to uncertainty estimation and integration with advanced computational techniques. The cited references underscore the significance of these advantages and highlight the ongoing research efforts to harness the full potential of DDPM in addressing the unique challenges posed by biomedical imaging. As the field continues to evolve, DDPM stands as a promising tool for advancing the accuracy and reliability of biomedical image segmentation, with implications for improved diagnostics and treatment planning in medical practice.

3.5. The Effectiveness of DDPM in Segmentation Tasks

Researchers applied DDPM to denoise and segment magnetic resonance imaging (MRI) images, enhancing the visibility of tissue boundaries. The model’s probabilistic framework provided uncertainty estimates, aiding in distinguishing tissue regions from MRI images. As shown in Figure 2, segmenting tissue in MRI scans is a critical task for treatment planning and monitoring disease progression [13,42].
DDPM was employed to denoise and segment histopathology images, enabling precise identification of cancerous regions. The generative capabilities of DDPM also facilitated data augmentation for training robust segmentation models. Segmentation of cancerous lesions in histopathology images assists pathologists in diagnosing and grading tumors accurately [42,53].
DDPM was employed to enhance the quality of electron microscopy images and segment neural synapses. The model’s denoising capabilities contributed to the accurate identification of synaptic structures. Segmentation of neural synapses in electron microscopy images is crucial for understanding neural circuitry and synaptic connectivity [13,55].
These case studies exemplify the versatility and effectiveness of DDPM in various segmentation tasks. Whether applied to medical imaging, histopathology, satellite imagery, electron microscopy, or industrial quality control, DDPM consistently demonstrates its ability to enhance segmentation accuracy, provide uncertainty estimates, and contribute to improved decision-making in diverse domains.

4. Methodologies and Implementation

4.1. Research on the Application of DDPM in Biomedical Image Segmentation

The application of DDPM in biomedical image segmentation has emerged as a promising avenue, addressing the challenges associated with noisy and complex medical images. Research in this domain focuses on leveraging DDPM not only as a standalone segmentation tool but also as a comprehensive framework for image preprocessing and segmentation algorithms. This comprehensive approach aims to enhance the accuracy and reliability of biomedical image segmentation, critical for applications such as disease diagnosis and treatment planning. In this detailed exploration, we will delve into the key aspects of research applying DDPM to biomedical image segmentation, incorporating both image preprocessing and segmentation algorithms.

4.1.1. Image Preprocessing Using DDPM

Biomedical image segmentation is a vital step in medical image analysis, enabling the delineation of anatomical structures and abnormalities. DDPM, with its unique denoising and generative capabilities, holds promise for improving the quality and precision of segmentation in biomedical images.
One of the primary applications of DDPM in biomedical image processing is denoising. Research has explored the denoising capabilities of DDPM to improve the quality of medical images, particularly in modalities like MRI and CT, where noise is prevalent [13,43].
Other research has investigated adaptive denoising strategies using DDPM to address variable noise conditions in different biomedical imaging scenarios. This involves tailoring the denoising process based on the local characteristics of the image [42,44].
Utilizing the uncertainty estimates provided by DDPM, researchers integrate uncertainty-aware preprocessing steps. This allows downstream segmentation algorithms to account for the reliability of the image data during the segmentation process [13,53].
DDPM’s generative nature is harnessed for data augmentation in biomedical image datasets. This approach involves generating synthetic images that closely resemble real data, contributing to more robust segmentation model training [42,44].

4.1.2. Segmentation Algorithms Incorporating DDPM

The segmentation algorithm combined with DDPM presents a cutting-edge approach to medical image segmentation, aiming to address challenges associated with noise and variability in imaging data.
The masked-DDPM (mDDPM) method (see Figure 3) presents a significant advancement in the realm of unsupervised anomaly detection, providing a pathway for generating accurate anomaly maps and segmenting anomalies in medical images without the requirement for labeled data. The incorporation of masking mechanisms within the diffusion models not only enhances the precision of anomaly detection but also contributes to the acquisition of a comprehensive understanding of the structural characteristics of images. This study lays the foundation for further exploration of mDDPM in various medical imaging applications, potentially leading to improved diagnostic capabilities and clinical decision support systems in the future [58].
Ref. [59] introduces a novel Conditional Bernoulli Diffusion model for medical image segmentation. Unlike existing diffusion models that use Gaussian noise, BerDiff utilizes Bernoulli noise as the diffusion kernel, aiming to enhance the capacity of the diffusion model for segmentation and produce more accurate and diverse segmentation masks. The authors emphasize the importance of providing accurate and diverse segmentation masks as valuable references for radiologists in clinical practice. The paper also references previous works that have combined diffusion models with segmentation tasks, but notes that these methods do not fully account for the discrete characteristic of segmentation tasks and still use Gaussian noise as their diffusion kernel.
Ref. [60] introduces a novel approach, the Collectively Intelligent Medical Diffusion (CIMD) framework, which realistically models heterogeneity of segmentation masks without requiring additional network input during inference. The authors also propose a new evaluation metric, the Collective Insight (CI) Score, inspired by collective intelligence medicine. The study demonstrates the effectiveness of CIMD across three medical imaging modalities, outperforming existing ambiguous image segmentation networks in terms of both quantitative standards and qualitative results. The proposed approach not only improves accuracy but also preserves naturally occurring variation in segmentation. Additionally, the paper aligns with the interest of clinical practice by introducing a new metric to evaluate the diversity and accuracy of segmentation predictions. Overall, the CIMD framework presents a promising advancement in ambiguous medical image segmentation, offering both quantitative and qualitative improvements over existing methods.
Ref. [61] addresses the vulnerability of deep learning models in biomedical image segmentation to adversarial attacks. The authors introduce the Adaptive Mask Segmentation Attack (ASMA), a novel algorithm capable of crafting targeted adversarial examples with high intersection-over-union rates and imperceptible perturbations. The experimental results demonstrate the effectiveness of ASMA in altering prediction masks to achieve misclassification, particularly in skin lesion and glaucoma optic disc segmentation tasks. The study highlights the potential security risks posed by adversarial examples in medical image analysis and emphasizes the need for robust defenses against such attacks. Furthermore, the paper provides valuable insights into the growing intersection of deep learning and medical imaging, shedding light on the implications of adversarial attacks for the reliability of automated diagnostic systems. The research opens avenues for future work in developing resilient deep learning models for biomedical image analysis and underscores the significance of addressing adversarial vulnerabilities in this critical domain.
Ref. [62] introduces Diff-UNet, a novel end-to-end framework for medical volumetric segmentation that integrates the diffusion model into a standard U-shaped architecture. This integration effectively extracts semantic information from input volumes, resulting in superior pixel-level representations for segmentation. The proposed Step-Uncertainty based Fusion (SUF) module enhances the robustness of the diffusion model’s predictions. Experimental results on benchmark datasets demonstrate the superiority of Diff-UNet over state-of-the-art approaches, showcasing its potential to facilitate more precise and accurate diagnosis and treatment of medical conditions. The paper’s contribution to the field of medical image segmentation is significant, and Diff-UNet stands out as a promising method for improving patient outcomes.
Ref. [63] addresses the vulnerability of deep neural networks to adversarial examples and their impact on biomedical image segmentation models. The authors highlight the potential security risks associated with this vulnerability and emphasize the need to test the robustness of deep learning models, especially when deployed in clinical tasks. They point out that while most research on adversarial examples focuses on non-medical image datasets, medical image datasets are also susceptible to adversarial attacks.
Ref. [64] introduces MedSegDiff, the first diffusion probabilistic model (DPM) based model for general medical image segmentation tasks. Leveraging dynamic conditional encoding and Feature Frequency Parser, MedSegDiff aims to enhance regional attention and eliminate high-frequency noise components in medical image segmentation. The authors highlight the success of MedSegDiff in optic cup segmentation, brain tumor segmentation, and thyroid nodule segmentation, demonstrating considerable improvements over traditional DPM. The results indicate that dynamic conditioning significantly enhances performance, with improvements of 2.1% in optic cup segmentation and 1.6% to 1.8% in low-contrast image segmentation tasks. Furthermore, the paper contextualizes MedSegDiff within the broader landscape of computer vision and pattern recognition, emphasizing its potential to revolutionize medical image segmentation.
Ref. [65] presents an innovative approach to medical image segmentation, addressing the challenges of high noise, ambiguity, and uncertainty. The proposed VerseDiff-UNet framework integrates the DDPM into a standard U-shaped architecture, combining noise-added images with labeled masks to guide accurate diffusion direction. Additionally, a shape prior module efficiently extracts structural semantic information from input spine images, enabling more precise segmentation of anatomical structures. The method outperforms other state-of-the-art techniques in accuracy while preserving natural features and variations of anatomy. Overall, the VerseDiff-UNet framework demonstrates promising potential for improving medical image segmentation, particularly in the context of spine imaging, and warrants further exploration in other medical imaging modalities.
Ref. [66] proposes a novel framework called ESDiff that integrates retinal image enhancement and vessel segmentation to accurately diagnose various diseases. The proposed approach utilizes a diffusion model-based framework for image enhancement and a modified UNet to obtain degradation factors that preserve pathological features and pertinent information. The authors conducted extensive experiments on publicly available fundus retinal datasets to demonstrate the effectiveness of ESDiff compared to state-of-the-art methods. The results show that ESDiff outperforms existing methods in terms of image enhancement and vessel segmentation, and it is capable of diagnosing retinal vessel issues, offering valuable support to healthcare professionals in disease diagnosis and potentially reducing the workload of clinical experts in the field of medicine. Overall, ESDiff is a promising approach for enhancing the quality of low-quality retinal images and accurately diagnosing various diseases.
Ref. [67] presents a novel approach to unsupervised brain anomaly detection and segmentation using deep generative models. The authors demonstrate the effectiveness of their method on a dataset of brain MRI scans, achieving high accuracy and efficiency in detecting anomalies without the need for manual labeling. They compare their approach to other state-of-the-art models and show that their method outperforms them in terms of both accuracy and speed. The potential implications of this research for the field of neurology and medical imaging are significant, as it could lead to improved patient care and treatment outcomes. Overall, this paper provides a valuable contribution to the field of medical imaging and highlights the potential of deep generative models for unsupervised anomaly detection.
Ref. [68] presents a novel approach that integrates text-based attention mechanisms with diffusion models to advance medical image segmentation. The DTAN framework effectively directs the network’s focus towards crucial regions, leveraging the diffusion model’s inherent information propagation capabilities to achieve precise segmentation outcomes. Key contributions include the Feature Enhancement Module (FEM) for capitalizing on multi-scale information and the incorporation of an auxiliary classification task to refine segmentation accuracy. The authors conducted comprehensive model comparisons and ablation experiments, demonstrating the superior performance of DTAN on datasets such as Kvasir-Sessile and GlaS. The integration of text attention and diffusion models has yielded a robust enhancement in segmentation performance, setting a precedent for future research trajectories aimed at advancing medical image analysis.
Ref. [69] proposes a novel approach called DiffuseExpand for expanding datasets for 2D medical image segmentation using Diffusion Probabilistic Models (DPMs). The approach addresses the challenges of data scarcity and diversity in synthesized images with paired segmentation masks. Through comparison and ablation experiments on COVID-19 and CGMH Pelvis datasets, the authors demonstrate the effectiveness of DiffuseExpand in expanding medical image segmentation datasets. The results show that DiffuseExpand can synthesize high-quality and diverse Image-Mask pairs, which can enhance the performance of segmentation models. The approach can be applied to other types of medical image datasets beyond COVID-19 and CGMH Pelvis datasets. Overall, DiffuseExpand offers a promising solution for expanding medical image segmentation datasets and improving the performance of segmentation models.
Ref. [70] introduces a novel framework for skin lesion segmentation called DermoSegDiff. This framework addresses the challenges of accurately delineating skin lesions by prioritizing boundary information during training and incorporating a denoising network to enhance the understanding of noise-semantic relationships. The proposed approach introduces a novel loss function that emphasizes the importance of segmentation’s boundary region and assigns it higher weight during training. Additionally, a U-Net-based denoising network is presented, which effectively models noise-semantic information and leads to performance improvement.
Ref. [71] introduces a novel approach, PatchDDM, to address the challenge of processing large three-dimensional (3D) volumes in medical image analysis. The authors propose architectural changes to the state-of-the-art diffusion model implementation, enabling training on large 3D volumes with commonly available GPUs. This approach improves speed and memory efficiency by training the diffusion model only on coordinate-encoded patches of the input volume, reducing memory consumption and speeding up the training process. Additionally, the proposed method allows processing large volumes in their full resolution without needing to split them into patches during sampling.
Ref. [72] introduces a novel approach to medical image segmentation by combining diffusion-based models with transformer architectures. This innovative framework addresses the need for accurate and consistent segmentation in medical imaging, crucial for applications such as diagnosis and surgical planning. The authors propose an anchor condition to ensure model stability and introduce the Spectrum-Space Transformer (SS-Former) to enhance the interaction between noise and semantic features. Through comparative experiments on 18 organs and 4 medical image segmentation datasets with different modalities, MedSegDiff-V2 outperforms previous state-of-the-art methods, demonstrating its effectiveness and generalizability. The paper highlights the model’s success in tasks such as optic-cup segmentation, brain tumor segmentation, and abdominal organs segmentation. Visual comparisons with state-of-the-art segmentation models showcase MedSegDiff-V2’s ability to generate precise and accurate segmentation maps, even in challenging areas. Overall, MedSegDiff-V2 sets a new benchmark for medical image segmentation and paves the way for future research in this domain.
Ref. [73] presents a novel approach to histopathological image analysis using self-supervised learning and generative diffusion models, addressing the challenges of data annotation and model performance through the innovative use of self-supervised learning and generative diffusion models.
Ref. [74] presents a compelling approach to address the scarcity of expert annotations in medical image analysis. Leveraging semi-supervised learning and diffusion models, the study demonstrates the potential for extracting visual representations from multi-modal medical images in an unsupervised setting. The authors emphasize the practical relevance of this approach in the medical domain, where limited annotated samples are available compared to the vast amount of unlabeled data. By fine-tuning the noise predictor network for semantic segmentation, the proposed method showcases promising performance in brain tumor segmentation, even with a small number of training samples. The experimental results, based on the Brain Tumor Segmentation (BraTS) 2021 challenge dataset, highlight the effectiveness of the approach in accurately delineating tumor regions. Overall, the paper provides valuable insights into the application of diffusion models for semi-supervised learning in medical image analysis, offering a potential pathway to address the challenges associated with limited expert annotations and facilitating more efficient and accurate brain tumor segmentation.
All of the research discussed in this section is summarized in Table 2.

4.2. Comparison with Other Segmentation Methods

The comparison between the segmentation algorithm combining DDPM and Deep Learning-Based Segmentation provides a nuanced understanding of their respective strengths, limitations, and potential contributions to medical image segmentation. We will explore how the integration of DDPM with deep learning methods, exemplified by DeepSegDDPM, compares with traditional deep learning-based segmentation approaches.

4.2.1. Feature Learning and Representation

Deep learning methods, particularly Convolutional Neural Networks (CNNs), excel at learning hierarchical features directly from raw data. They automatically extract intricate patterns and representations, allowing for end-to-end training and robust feature learning [1,12].
DeepSegDDPM combines CNNs with DDPM, offering a unique advantage. DDPM contributes to the denoising of input images during pre-processing, allowing subsequent deep learning layers to focus on learning relevant features without being hindered by noise [75,76].

4.2.2. Handling Noisy Medical Images

Traditional deep learning methods might struggle when confronted with noisy medical images. CNNs, while powerful, may inadvertently amplify noise during training, leading to suboptimal segmentation outcomes [1,77].
The incorporation of DDPM in the pre-processing stage allows DeepSegDDPM to effectively mitigate noise, providing clean input images for subsequent deep learning layers. This denoising capability enhances the robustness of the algorithm in handling noisy medical images [13,75].

4.2.3. Adaptive and Dynamic Segmentation

Deep learning models are static once trained and may struggle with variations in image characteristics. They lack adaptability during runtime, which can limit their performance in handling diverse medical imaging scenarios [78,79].
DeepSegDDPM introduces adaptability through DDPM, which dynamically adjusts its parameters during pre-processing based on image characteristics. This adaptive nature allows the algorithm to handle variations and complexities in medical images effectively [80,81].

4.2.4. Generalization across Different Imaging Modalities

While deep learning models demonstrate remarkable performance, they might struggle with generalizing across different imaging modalities due to domain-specific variations in data distribution [82,83].
DeepSegDDPM, with its denoising capabilities and adaptive pre-processing, exhibits potential for improved generalization across different imaging modalities. The noise reduction contributes to a more consistent and robust segmentation approach [84,85].

4.2.5. Interpretability of Results

Interpreting the decisions made by deep learning models, especially in complex medical contexts, remains a significant challenge. The “black-box” nature of deep networks can hinder their clinical adoption [85,86].
The integration of DDPM offers a probabilistic framework that enhances interpretability. By providing uncertainty estimates, DeepSegDDPM contributes to more transparent decision-making, aiding clinicians in understanding and trusting the segmentation results [87,88].

4.2.6. Robustness against Limited Annotated Data

Deep learning models often require large amounts of annotated data for training. Limited data availability, especially in medical imaging, can pose challenges for achieving robust segmentation performance [89,90].
DDPM, with its probabilistic modeling, introduces a level of robustness against limited annotated data. The algorithm’s ability to capture uncertainties in predictions can contribute to more stable performance when training data are sparse [53,91].

4.2.7. Ethical Considerations and Bias

Concerns about bias and ethical considerations in deep learning models have been raised. The potential amplification of biases present in training data can lead to disparities in segmentation performance across different demographic groups [92,93].
DDPM’s probabilistic nature offers a potential avenue for addressing bias concerns. By explicitly modeling uncertainty, DeepSegDDPM may provide insights into the reliability of segmentation predictions, encouraging cautious interpretation, and mitigating the impact of biased training data [94,95].
In conclusion, the integration of DDPM with deep learning, as exemplified by DeepSegDDPM, introduces several advantages compared to traditional deep learning-based segmentation approaches. By combining denoising capabilities with a probabilistic framework, DeepSegDDPM showcases improved adaptability, robustness against noise, and enhanced interpretability. The probabilistic nature of DDPM also contributes to addressing ethical considerations and bias concerns. While deep learning remains a powerful tool for medical image segmentation, the synergistic integration of DDPM offers a unique approach that aligns with the evolving needs of the field [96].

4.3. Challenges and Limitations in Implementing DDPM for Biomedical Image Segmentation

The implementation of DDPM for biomedical image segmentation brings forth numerous advantages, but it is crucial to acknowledge and address the challenges and limitations associated with this approach. We will explore the nuanced aspects that might pose challenges during the implementation of DDPM in the context of biomedical image segmentation.

4.3.1. Computational Complexity

DDPM involves complex mathematical operations, including iterative sampling and updating of diffusion processes. This can lead to high computational demands, making real-time or near-real-time applications challenging [97,98].

4.3.2. Parameter Sensitivity

DDPM relies on the tuning of various parameters such as the diffusion steps, noise levels, and learning rates. Sensitivity to these parameters may hinder the model’s robustness and generalizability across different biomedical imaging scenarios [53,99].

4.3.3. Limited Availability of Labeled Data

Biomedical image datasets with extensive labeled data for supervised training are often limited. DDPM’s performance can be affected when trained on small datasets, potentially leading to overfitting [100].

4.3.4. Interpretability and Explainability

DDPM, like many other deep learning models, can be seen as a “black-box” model, making it challenging to interpret and explain its decisions. Understanding the reasoning behind segmentation results is critical in biomedical applications [85,94].

4.3.5. Sensitivity to Image Characteristics

DDPM may exhibit sensitivity to certain types of biomedical images, especially those with highly complex anatomical structures or specific imaging artifacts. Ensuring robust performance across diverse image characteristics is essential [101,102].

4.3.6. Generalization across Modalities

DDPM’s ability to generalize across different imaging modalities may be limited. Variations in data distribution and imaging characteristics between modalities can impact the model’s adaptability [79,83].

4.3.7. Handling Temporal Information

For dynamic biomedical imaging, such as videos or time-series data, DDPM’s applicability might be limited. The model’s architecture is primarily designed for static image processing and might not capture temporal dependencies effectively [103,104].

4.3.8. Real-Time Constraints

Biomedical applications often require real-time or near-real-time processing, especially in clinical settings. DDPM’s computational demands may hinder its feasibility for applications with stringent time constraints [105,106].

4.3.9. Model Complexity vs. Dataset Size

The intricate nature of DDPM may lead to overfitting on smaller datasets, where the model might capture noise as if it were genuine signal information [107,108].

4.3.10. Integration with Clinical Workflow

The successful implementation of DDPM for biomedical image segmentation requires seamless integration into the clinical workflow. Ensuring usability and compatibility with existing systems is a non-trivial task [109].
In conclusion, while DDPM presents a powerful framework for biomedical image segmentation, its implementation is not without challenges. Overcoming these challenges requires a comprehensive understanding of the specific requirements of biomedical applications, careful parameter tuning, and consideration of ethical and interpretability aspects. Addressing these challenges will contribute to unlocking the full potential of DDPM in advancing the accuracy and reliability of biomedical image segmentation [96].

5. Discussion and Conclusions

5.1. Implications for the Field of Biomedical Image Segmentation

The DDPM holds significant implications for the field of biomedical image segmentation, introducing novel approaches that address various challenges associated with traditional methods. DDPM excels in denoising biomedical images, contributing to enhanced image quality by effectively reducing noise and artifacts. DDPM introduces a probabilistic framework that allows for the quantification of uncertainty in segmentation predictions. Probabilistic models are valuable in medical applications where uncertainty awareness is essential for clinical decision-making and ensuring the robustness of segmentation results. DDPM can be seamlessly integrated into deep learning architectures, combining the denoising capabilities of DDPM with the representational power of deep neural networks. This integration harnesses the strengths of both approaches, providing a more robust and adaptable solution for complex biomedical image segmentation tasks. In medical applications, where transparency and interpretability are crucial, DDPM offers insights into the reliability of segmentation predictions, fostering trust among healthcare professionals. Improved segmentation accuracy is paramount in medical applications, where precise delineation of structures and anomalies is critical for diagnosis and treatment planning. DDPM, when integrated into deep learning architectures, has the potential to advance segmentation accuracy by addressing noise and uncertainties.
DDPM’s implications for biomedical image segmentation are multi-faceted, encompassing noise reduction, uncertainty quantification, adaptability to diverse modalities, ethical considerations, and potential integration into clinical workflows. As research in this area progresses, DDPM stands as a promising approach contributing to the advancement of accurate and reliable biomedical image segmentation.

5.2. The Potential of DDPM in Advancing Medical Imaging Techniques

In conclusion, the DDPM holds significant promise in advancing medical imaging technology. With its unique combination of denoising capabilities and probabilistic modeling, DDPM addresses key challenges in biomedical image segmentation, contributing to improved image quality, uncertainty quantification, and adaptability across diverse imaging modalities. The integration of DDPM into deep learning architectures further enhances its potential, offering a robust and interpretable solution for accurate segmentation in complex medical scenarios.
DDPM’s ability to handle limited annotated data, provide transparency in predictions, and mitigate biases aligns with the ethical considerations essential in healthcare applications. As a catalyst for research in hybrid approaches, DDPM sets the stage for innovative solutions that go beyond traditional segmentation methods, advancing the accuracy and reliability of medical imaging technology.
The probabilistic framework of DDPM not only contributes to noise reduction but also fosters a deeper understanding of segmentation results, promoting trust among healthcare professionals. As medical imaging continues to play a pivotal role in diagnosis and treatment, DDPM stands at the forefront of a new wave of technologies that have the potential to reshape the landscape of image analysis, paving the way for more efficient and reliable clinical decision-making.
In the evolving field of medical imaging, DDPM represents a promising paradigm shift, offering a holistic solution that addresses the complexities of biomedical image segmentation. As research and development in this area progress, the potential of DDPM to enhance the accuracy, interpretability, and ethical considerations in medical imaging technology positions it as a key player in shaping the future of diagnostic and therapeutic approaches in healthcare.

6. Future Directions and Challenges

In envisioning the future trajectory of DDPM-based biomedical image segmentation, several avenues present exciting prospects and formidable challenges. One notable avenue involves the continued integration of DDPM with deep learning architectures, such as convolutional neural networks (CNNs) and generative adversarial networks (GANs), with the overarching goal of enhancing segmentation accuracy for biomedical images. Another promising research direction involves the development of hybrid models that amalgamate DDPM with other probabilistic models or conventional image processing techniques, strategically addressing nuanced challenges in biomedical image segmentation. Given the critical nature of biomedical applications, there is a growing emphasis on advancing DDPM variants to improve interpretability and explainability, ensuring that segmentation results are readily understandable for healthcare professionals. The extension of DDPM-based segmentation approaches to handle three-dimensional (3D) biomedical images and multimodal datasets emerges as a crucial frontier, particularly in medical imaging where 3D representations and diverse imaging modalities are prevalent. Robustness to noisy data and limited annotations poses a significant challenge, prompting research efforts to fortify DDPM-based models against these real-world intricacies. Additionally, exploring transfer learning techniques and pre-training strategies aims to leverage knowledge from other domains, enhancing the generalization capabilities of DDPM-based segmentation models. The incorporation of uncertainty estimation techniques within DDPM models is another avenue, contributing confidence intervals to segmentation results and bolstering the reliability of applications in clinical settings. Optimization for real-time applications in clinical environments, considering computational efficiency and resource constraints, is a critical aspect that researchers are poised to address. Lastly, a noteworthy trend involves an increased focus on clinical validation and adoption of DDPM-based segmentation methods, with more studies demonstrating their efficacy in real-world medical scenarios, thus bridging the gap between research and practical healthcare applications.

Author Contributions

Formal analysis, Z.L. and C.M.; investigation, W.S.; resources, W.S. and M.X.; data curation, Z.L. and C.M.; writing—original draft preparation, Z.L.; writing—review and editing, Z.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. 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. Med. Image Anal. 2017, 42, 60–88. [Google Scholar] [CrossRef] [PubMed]
  2. Ramesh, K.; Kumar, G.K.; Swapna, K.; Datta, D.; Rajest, S.S. A review of medical image segmentation algorithms. EAI Endorsed Trans. Pervasive Health Technol. 2021, 7, e6. [Google Scholar] [CrossRef]
  3. Wolleb, J.; Sandkühler, R.; Bieder, F.; Valmaggia, P.; Cattin, P.C. Diffusion models for implicit image segmentation ensembles. In Proceedings of the International Conference on Medical Imaging with Deep Learning, Zurich, Switzerland, 6–8 July 2022; pp. 1336–1348. [Google Scholar]
  4. Liu, X.; Song, L.; Liu, S.; Zhang, Y. A review of deep-learning-based medical image segmentation methods. Sustainability 2021, 13, 1224. [Google Scholar] [CrossRef]
  5. Panagiotakis, C.; Papadakis, H.; Grinias, E.; Komodakis, N.; Fragopoulou, P.; Tziritas, G. Interactive image segmentation based on synthetic graph coordinates. Pattern Recognit. 2013, 46, 2940–2952. [Google Scholar] [CrossRef]
  6. Zhao, Q.-H.; Li, X.-L.; Li, Y.; Zhao, X.-M. A fuzzy clustering image segmentation algorithm based on hidden Markov random field models and Voronoi tessellation. Pattern Recognit. Lett. 2017, 85, 49–55. [Google Scholar] [CrossRef]
  7. Filali, H.; Kalti, K. Image segmentation using MRF model optimized by a hybrid ACO-ICM algorithm. Soft Comput. 2021, 25, 10181–10204. [Google Scholar] [CrossRef]
  8. Trombini, M.; Solarna, D.; Moser, G.; Dellepiane, S. A goal-driven unsupervised image segmentation method combining graph-based processing and Markov random fields. Pattern Recognit. 2023, 134, 109082. [Google Scholar] [CrossRef]
  9. Zhang, J.; Jin, Y.; Xu, J.; Xu, X.; Zhang, Y. Mdu-net: Multi-scale densely connected u-net for biomedical image segmentation. arXiv 2018, arXiv:1812.00352. [Google Scholar] [CrossRef]
  10. Suganyadevi, S.; Seethalakshmi, V.; Balasamy, K. A review on deep learning in medical image analysis. Int. J. Multimed. Inf. Retr. 2022, 11, 19–38. [Google Scholar] [CrossRef]
  11. Nichol, A.Q.; Dhariwal, P. Improved denoising diffusion probabilistic models. In Proceedings of the International Conference on Machine Learning, Online, 18–24 July 2021; pp. 8162–8171. [Google Scholar]
  12. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In Proceedings of the Medical Image Computing and Computer-Assisted Intervention–MICCAI 2015: 18th International Conference, Munich, Germany, 5–9 October 2015; pp. 234–241. [Google Scholar]
  13. Ho, J.; Jain, A.; Abbeel, P. Denoising diffusion probabilistic models. Adv. Neural Inf. Process. Syst. 2020, 33, 6840–6851. [Google Scholar]
  14. Castleman, K.R. Digital Image Processing; Prentice Hall Press: Upper Saddle River, NJ, USA, 1996. [Google Scholar]
  15. Otsu, N. A threshold selection method from gray-level histograms. IEEE Trans. Syst. Man Cybern. 1979, 9, 62–66. [Google Scholar] [CrossRef]
  16. Li, C.; Tam, P.K.-S. An iterative algorithm for minimum cross entropy thresholding. Pattern Recognit. Lett. 1998, 19, 771–776. [Google Scholar] [CrossRef]
  17. Kapur, J.N.; Sahoo, P.K.; Wong, A.K. A new method for gray-level picture thresholding using the entropy of the histogram. Comput. Vis. Graph. Image Process. 1985, 29, 273–285. [Google Scholar] [CrossRef]
  18. Sezgin, M.; Sankur, B.L. Survey over image thresholding techniques and quantitative performance evaluation. J. Electron. Imaging 2004, 13, 146–168. [Google Scholar]
  19. Weszka, J.S.; Dyer, C.R.; Rosenfeld, A. A comparative study of texture measures for terrain classification. IEEE Trans. Syst. Man Cybern. 1976, SMC-6, 269–285. [Google Scholar] [CrossRef]
  20. Adams, R.; Bischof, L. Seeded region growing. IEEE Trans. Pattern Anal. Mach. Intell. 1994, 16, 641–647. [Google Scholar] [CrossRef]
  21. Kass, M.; Witkin, A.; Terzopoulos, D. Snakes: Active contour models. Int. J. Comput. Vis. 1988, 1, 321–331. [Google Scholar] [CrossRef]
  22. Beucher, S.; Meyer, F. The morphological approach to segmentation: The watershed transformation. In Mathematical Morphology in Image Processing; CRC Press: Boca Raton, FL, USA, 2018; pp. 433–481. [Google Scholar]
  23. Amit, Y.; Geman, D. A computational model for visual selection. Neural Comput. 1999, 11, 1691–1715. [Google Scholar] [CrossRef]
  24. Canny, J. A computational approach to edge detection. IEEE Trans. Pattern Anal. Mach. Intell. 1986, PAMI-8, 679–698. [Google Scholar] [CrossRef]
  25. Sobel, I.; Feldman, G. A 3 × 3 isotropic gradient operator for image processing, presented at a talk at theStanford Artificial Project. In Pattern Classification and Scene Analysis; Duda, R., Hart, P., Eds.; John Wiley &Sons: Hoboken, NJ, USA, 1968; pp. 271–272. [Google Scholar]
  26. Marr, D.; Hildreth, E. Theory of edge detection. Proc. R. Soc. Lond. Ser. B Biol. Sci. 1980, 207, 187–217. [Google Scholar]
  27. Haralick, R.M.; Shapiro, L.G. Image segmentation techniques. Comput. Vis. Graph. Image Process. 1985, 29, 100–132. [Google Scholar] [CrossRef]
  28. Mallat, S.; Zhong, S. Characterization of signals from multiscale edges. IEEE Trans. Pattern Anal. Mach. Intell. 1992, 14, 710–732. [Google Scholar] [CrossRef]
  29. Deriche, R. Using Canny’s criteria to derive a recursively implemented optimal edge detector. Int. J. Comput. Vis. 1987, 1, 167–187. [Google Scholar] [CrossRef]
  30. Fu, Y.; Liu, S.; Li, H.H.; Yang, D. Automatic and hierarchical segmentation of the human skeleton in CT images. Phys. Med. Biol. 2017, 62, 2812. [Google Scholar] [CrossRef]
  31. Irshad, H.; Veillard, A.; Roux, L.; Racoceanu, D. Methods for nuclei detection, segmentation, and classification in digital histopathology: A review—Current status and future potential. IEEE Rev. Biomed. Eng. 2013, 7, 97–114. [Google Scholar] [CrossRef] [PubMed]
  32. Pham, D.L.; Xu, C.; Prince, J.L. Current methods in medical image segmentation. Annu. Rev. Biomed. Eng. 2000, 2, 315–337. [Google Scholar] [CrossRef]
  33. Larrañaga, P.; Karshenas, H.; Bielza, C.; Santana, R. A review on probabilistic graphical models in evolutionary computation. J. Heuristics 2012, 18, 795–819. [Google Scholar] [CrossRef]
  34. Russ, J.C. The Image Processing Handbook; CRC Press: Boca Raton, FL, USA, 2006. [Google Scholar]
  35. Sharma, N.; Aggarwal, L.M. Automated medical image segmentation techniques. J. Med. Phys./Assoc. Med. Phys. India 2010, 35, 3. [Google Scholar] [CrossRef]
  36. Verduijn, M.; Sacchi, L.; Peek, N.; Bellazzi, R.; de Jonge, E.; de Mol, B.A. Temporal abstraction for feature extraction: A comparative case study in prediction from intensive care monitoring data. Artif. Intell. Med. 2007, 41, 1–12. [Google Scholar] [CrossRef]
  37. Bishop, C.M.; Nasrabadi, N.M. Pattern Recognition and Machine Learning; Springer: Berlin/Heidelberg, Germany, 2006; Volume 4. [Google Scholar]
  38. Fitzgibbon, A.; Pilu, M.; Fisher, R.B. Direct least square fitting of ellipses. IEEE Trans. Pattern Anal. Mach. Intell. 1999, 21, 476–480. [Google Scholar] [CrossRef]
  39. Pham, T.X.; Siarry, P.; Oulhadj, H. Segmentation of MR brain images through hidden Markov random field and hybrid metaheuristic algorithm. IEEE Trans. Image Process. 2020, 29, 6507–6522. [Google Scholar] [CrossRef] [PubMed]
  40. Rabiner, L.R. A tutorial on hidden Markov models and selected applications in speech recognition. Proc. IEEE 1989, 77, 257–286. [Google Scholar] [CrossRef]
  41. Zhang, L.; Ji, Q. Image segmentation with a unified graphical model. IEEE Trans. Pattern Anal. Mach. Intell. 2009, 32, 1406–1425. [Google Scholar] [CrossRef] [PubMed]
  42. Senapati, J.; Roy, A.G.; Pölsterl, S.; Gutmann, D.; Gatidis, S.; Schlett, C.; Peters, A.; Bamberg, F.; Wachinger, C. Bayesian Neural Networks for Uncertainty Estimation of Imaging Biomarkers. In Machine Learning in Medical Imaging: 11th International Workshop, MLMI 2020, Held in Conjunction with MICCAI 2020, Lima, Peru, 4 October 2020; Springer: Cham, Switzerland, 2020; pp. 270–280. [Google Scholar]
  43. Sohl-Dickstein, J.; Weiss, E.; Maheswaranathan, N.; Ganguli, S. Deep unsupervised learning using nonequilibrium thermodynamics. In Proceedings of the International Conference on Machine Learning, Lille, France, 6–11 July 2015; pp. 2256–2265. [Google Scholar]
  44. Kingma, D.P.; Dhariwal, P. Glow: Generative flow with invertible 1 × 1 convolutions. In Advances in Neural Information Processing Systems 31: Annual Conference on Neural Information Processing Systems 2018, NeurIPS 2018, Montréal, QC, Canada, 3–8 December 2018; Neural Information Processing Systems Foundation Inc.: San Diego, CA, USA, 2018. [Google Scholar]
  45. Dinh, L.; Sohl-Dickstein, J.; Bengio, S. Density estimation using real nvp. arXiv 2016, arXiv:1605.08803. [Google Scholar]
  46. Calimeri, F.; Marzullo, A.; Stamile, C.; Terracina, G. Biomedical data augmentation using generative adversarial neural networks. In Proceedings of the International Conference on Artificial Neural Networks, Alghero, Italy, 11–14 September 2017; pp. 626–634. [Google Scholar]
  47. Grathwohl, W.; Chen, R.T.; Bettencourt, J.; Sutskever, I.; Duvenaud, D. Ffjord: Free-form continuous dynamics for scalable reversible generative models. arXiv 2018, arXiv:1810.01367. [Google Scholar]
  48. Chen, X.; Kingma, D.P.; Salimans, T.; Duan, Y.; Dhariwal, P.; Schulman, J.; Sutskever, I.; Abbeel, P. Variational lossy autoencoder. arXiv 2016, arXiv:1611.02731. [Google Scholar]
  49. Hoffman, M.D.; Blei, D.M.; Wang, C.; Paisley, J. Stochastic variational inference. J. Mach. Learn. Res. 2013, 14, 1303–1347. [Google Scholar]
  50. Rezende, D.J.; Mohamed, S.; Wierstra, D. Stochastic backpropagation and approximate inference in deep generative models. In Proceedings of the International Conference on Machine Learning, Beijing, China, 21–26 June 2014; pp. 1278–1286. [Google Scholar]
  51. Dinh, L.; Krueger, D.; Bengio, Y. Nice: Non-linear independent components estimation. arXiv 2014, arXiv:1410.8516. [Google Scholar]
  52. Osawa, K.; Swaroop, S.; Khan, M.E.E.; Jain, A.; Eschenhagen, R.; Turner, R.E.; Yokota, R. Practical deep learning with Bayesian principles. In Advances in Neural Information Processing Systems 32: Annual Conference on Neural Information Processing Systems 2019, NeurIPS 2019, Vancouver, BC, Canada, 8–14 December 2019; Neural Information Processing Systems Foundation Inc.: San Diego, CA, USA, 2019. [Google Scholar]
  53. Kingma, D.P.; Welling, M. Auto-encoding variational bayes. arXiv 2013, arXiv:1312.6114. [Google Scholar]
  54. Jaskari, J.; Sahlsten, J.; Damoulas, T.; Knoblauch, J.; Särkkä, S.; Kärkkäinen, L.; Hietala, K.; Kaski, K.K. Uncertainty-aware deep learning methods for robust diabetic retinopathy classification. IEEE Access 2022, 10, 76669–76681. [Google Scholar] [CrossRef]
  55. Tulyakov, S.; Liu, M.-Y.; Yang, X.; Kautz, J. Mocogan: Decomposing motion and content for video generation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 1526–1535. [Google Scholar]
  56. Li, Y.; Fang, C.; Yang, J.; Wang, Z.; Lu, X.; Yang, M.-H. Universal style transfer via feature transforms. In Advances in Neural Information Processing Systems 30: Annual Conference on Neural Information Processing Systems 2017, Long Beach, CA, USA, 4–9 December 2017; Neural Information Processing Systems Foundation Inc.: San Diego, CA, USA, 2017. [Google Scholar]
  57. Chen, D.; Liao, J.; Yuan, L.; Yu, N.; Hua, G. Coherent online video style transfer. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 1105–1114. [Google Scholar]
  58. Iqbal, H.; Khalid, U.; Chen, C.; Hua, J. Unsupervised anomaly detection in medical images using masked diffusion model. In Proceedings of the International Workshop on Machine Learning in Medical Imaging, Vancouver, BC, Canada, 8 October 2023; pp. 372–381. [Google Scholar]
  59. Chen, T.; Wang, C.; Shan, H. BerDiff: Conditional Bernoulli Diffusion Model for Medical Image Segmentation. arXiv 2023, arXiv:2304.04429. [Google Scholar]
  60. Rahman, A.; Valanarasu, J.M.J.; Hacihaliloglu, I.; Patel, V.M. Ambiguous medical image segmentation using diffusion models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Vancouver, BC, Canada, 17–24 June 2023; pp. 11536–11546. [Google Scholar]
  61. Ozbulak, U.; Van Messem, A.; De Neve, W. Impact of adversarial examples on deep learning models for biomedical image segmentation. In Proceedings of the Medical Image Computing and Computer Assisted Intervention–MICCAI 2019: 22nd International Conference, Shenzhen, China, 13–17 October 2019; pp. 300–308. [Google Scholar]
  62. Xing, Z.; Wan, L.; Fu, H.; Yang, G.; Zhu, L. Diff-UNet: A Diffusion Embedded Network for Volumetric Segmentation. arXiv 2023, arXiv:2303.10326. [Google Scholar]
  63. Shao, M.; Zhang, G.; Zuo, W.; Meng, D. Target attack on biomedical image segmentation model based on multi-scale gradients. Inf. Sci. 2021, 554, 33–46. [Google Scholar] [CrossRef]
  64. Wu, J.; Fu, R.; Fang, H.; Zhang, Y.; Yang, Y.; Xiong, H.; Liu, H.; Xu, Y. Medsegdiff: Medical image segmentation with diffusion probabilistic model. arXiv 2022, arXiv:2211.00611. [Google Scholar]
  65. Zhang, Z.; Fan, G.; Liu, T.; Li, N.; Liu, Y.; Liu, Z.; Dong, C.; Zhou, S. Introducing Shape Prior Module in Diffusion Model for Medical Image Segmentation. arXiv 2023, arXiv:2309.05929. [Google Scholar]
  66. Liu, F.; Huang, W. ESDiff: A joint model for low-quality retinal image enhancement and vessel segmentation using a diffusion model. Biomed. Opt. Express 2023, 14, 6563–6578. [Google Scholar] [CrossRef]
  67. Pinaya, W.H.; Graham, M.S.; Gray, R.; Da Costa, P.F.; Tudosiu, P.-D.; Wright, P.; Mah, Y.H.; MacKinnon, A.D.; Teo, J.T.; Jager, R. Fast unsupervised brain anomaly detection and segmentation with diffusion models. In Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention, Singapore, 18–22 September 2022; pp. 705–714. [Google Scholar]
  68. Zhao, Y.; Li, J.; Ren, L.; Chen, Z. DTAN: Diffusion-based Text Attention Network for medical image segmentation. Comput. Biol. Med. 2024, 168, 107728. [Google Scholar] [CrossRef] [PubMed]
  69. Shao, S.; Yuan, X.; Huang, Z.; Qiu, Z.; Wang, S.; Zhou, K. DiffuseExpand: Expanding dataset for 2D medical image segmentation using diffusion models. arXiv 2023, arXiv:2304.13416. [Google Scholar]
  70. Bozorgpour, A.; Sadegheih, Y.; Kazerouni, A.; Azad, R.; Merhof, D. Dermosegdiff: A boundary-aware segmentation diffusion model for skin lesion delineation. In Proceedings of the International Workshop on Predictive Intelligence in Medicine, Vancouver, BC, Canada, 8 October 2023; pp. 146–158. [Google Scholar]
  71. Bieder, F.; Wolleb, J.; Durrer, A.; Sandkuehler, R.; Cattin, P.C. Memory-Efficient 3D Denoising Diffusion Models for Medical Image Processing. In Proceedings of the Medical Imaging with Deep Learning, Nashville, TN, USA, 10–12 July 2023. [Google Scholar]
  72. Wu, J.; Fu, R.; Fang, H.; Zhang, Y.; Xu, Y. Medsegdiff-v2: Diffusion based medical image segmentation with transformer. arXiv 2023, arXiv:2301.11798. [Google Scholar]
  73. Purma, V.; Srinath, S.; Srirangarajan, S.; Kakkar, A. GenSelfDiff-HIS: Generative Self-Supervision Using Diffusion for Histopathological Image Segmentation. arXiv 2023, arXiv:2309.01487. [Google Scholar]
  74. Alshenoudy, A.; Sabrowsky-Hirsch, B.; Thumfart, S.; Giretzlehner, M.; Kobler, E. Semi-supervised Brain Tumor Segmentation Using Diffusion Models. In Proceedings of the IFIP International Conference on Artificial Intelligence Applications and Innovations, León, Spain, 14–17 June 2023; pp. 314–325. [Google Scholar]
  75. Khader, F.; Müller-Franzes, G.; Tayebi Arasteh, S.; Han, T.; Haarburger, C.; Schulze-Hagen, M.; Schad, P.; Engelhardt, S.; Baeßler, B.; Foersch, S. Denoising diffusion probabilistic models for 3D medical image generation. Sci. Rep. 2023, 13, 7303. [Google Scholar] [CrossRef]
  76. Khosravi, B.; Rouzrokh, P.; Mickley, J.P.; Faghani, S.; Mulford, K.; Yang, L.; Larson, A.N.; Howe, B.M.; Erickson, B.J.; Taunton, M.J. Few-shot biomedical image segmentation using diffusion models: Beyond image generation. Comput. Methods Programs Biomed. 2023, 242, 107832. [Google Scholar] [CrossRef] [PubMed]
  77. Hesamian, M.H.; Jia, W.; He, X.; Kennedy, P. Deep learning techniques for medical image segmentation: Achievements and challenges. J. Digit. Imaging 2019, 32, 582–596. [Google Scholar] [CrossRef]
  78. Long, J.; Shelhamer, E.; Darrell, T. Fully convolutional networks for semantic segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 3431–3440. [Google Scholar]
  79. Chen, L.-C.; Zhu, Y.; Papandreou, G.; Schroff, F.; Adam, H. Encoder-decoder with atrous separable convolution for semantic image segmentation. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 801–818. [Google Scholar]
  80. Jifara, W.; Jiang, F.; Rho, S.; Cheng, M.; Liu, S. Medical image denoising using convolutional neural network: A residual learning approach. J. Supercomput. 2019, 75, 704–718. [Google Scholar] [CrossRef]
  81. Zhao, J.; Li, S. Learning Reliability of Multi-modality Medical Images for Tumor Segmentation via Evidence-Identified Denoising Diffusion Probabilistic Models. In Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention, Vancouver, BC, Canada, 8–12 October 2023; pp. 682–691. [Google Scholar]
  82. Jang, H.-J.; Lee, A.; Kang, J.; Song, I.H.; Lee, S.H. Prediction of clinically actionable genetic alterations from colorectal cancer histopathology images using deep learning. World J. Gastroenterol. 2020, 26, 6207. [Google Scholar] [CrossRef] [PubMed]
  83. Gonzalez-Garcia, A.; Van De Weijer, J.; Bengio, Y. Image-to-image translation for cross-domain disentanglement. In Advances in Neural Information Processing Systems 31: Annual Conference on Neural Information Processing Systems 2018, NeurIPS 2018, Montréal, QC, Canada, 3–8 December 2018; Neural Information Processing Systems Foundation Inc.: San Diego, CA, USA, 2018. [Google Scholar]
  84. Chowdary, G.J.; Yin, Z. Diffusion transformer u-net for medical image segmentation. In Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention, Vancouver, BC, Canada, 8–12 October 2023; pp. 622–631. [Google Scholar]
  85. Caruana, R.; Lou, Y.; Gehrke, J.; Koch, P.; Sturm, M.; Elhadad, N. Intelligible Models for HealthCare: Predicting Pneumonia Risk and Hospital 30-day Readmission. In Proceedings of the 21th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, Sydney, NSW, Australia, 10–13 August 2015; pp. 1721–1730. [Google Scholar]
  86. Shickel, B.; Tighe, P.J.; Bihorac, A.; Rashidi, P. Deep EHR: A survey of recent advances in deep learning techniques for electronic health record (EHR) analysis. IEEE J. Biomed. Health Inform. 2017, 22, 1589–1604. [Google Scholar] [CrossRef]
  87. Amini, A.A.; Weymouth, T.E.; Jain, R.C. Using dynamic programming for solving variational problems in vision. IEEE Trans. Pattern Anal. Mach. Intell. 1990, 12, 855–867. [Google Scholar] [CrossRef]
  88. Kohl, S.; Romera-Paredes, B.; Meyer, C.; De Fauw, J.; Ledsam, J.R.; Maier-Hein, K.; Eslami, S.; Jimenez Rezende, D.; Ronneberger, O. A probabilistic u-net for segmentation of ambiguous images. In Advances in Neural Information Processing Systems 31: Annual Conference on Neural Information Processing Systems 2018, NeurIPS 2018, Montréal, QC, Canada, 3–8 December 2018; Neural Information Processing Systems Foundation Inc.: San Diego, CA, USA, 2018. [Google Scholar]
  89. Tajbakhsh, N.; Shin, J.Y.; Gurudu, S.R.; Hurst, R.T.; Kendall, C.B.; Gotway, M.B.; Liang, J. Convolutional neural networks for medical image analysis: Full training or fine tuning? IEEE Trans. Med. Imaging 2016, 35, 1299–1312. [Google Scholar] [CrossRef]
  90. Shin, H.-C.; Roth, H.R.; Gao, M.; Lu, L.; Xu, Z.; Nogues, I.; Yao, J.; Mollura, D.; Summers, R.M. Deep convolutional neural networks for computer-aided detection: CNN architectures, dataset characteristics and transfer learning. IEEE Trans. Med. Imaging 2016, 35, 1285–1298. [Google Scholar] [CrossRef]
  91. Manhaeve, R.; Dumancic, S.; Kimmig, A.; Demeester, T.; De Raedt, L. Deepproblog: Neural probabilistic logic programming. In Advances in Neural Information Processing Systems 31: Annual Conference on Neural Information Processing Systems 2018, NeurIPS 2018, Montréal, QC, Canada, 3–8 December 2018; Neural Information Processing Systems Foundation Inc.: San Diego, CA, USA, 2018. [Google Scholar]
  92. Rajkomar, A.; Oren, E.; Chen, K.; Dai, A.M.; Hajaj, N.; Hardt, M.; Liu, P.J.; Liu, X.; Marcus, J.; Sun, M. Scalable and accurate deep learning with electronic health records. NPJ Digit. Med. 2018, 1, 18. [Google Scholar] [CrossRef]
  93. Obermeyer, Z.; Emanuel, E.J. Predicting the future—Big data, machine learning, and clinical medicine. N. Engl. J. Med. 2016, 375, 1216. [Google Scholar] [CrossRef] [PubMed]
  94. Lundberg, S.M.; Lee, S.-I. A unified approach to interpreting model predictions. In Advances in Neural Information Processing Systems 30: Annual Conference on Neural Information Processing Systems 2017, Long Beach, CA, USA, 4–9 December 2017; Neural Information Processing Systems Foundation Inc.: San Diego, CA, USA, 2017. [Google Scholar]
  95. Smilkov, D.; Thorat, N.; Kim, B.; Viégas, F.; Wattenberg, M. Smoothgrad: Removing noise by adding noise. arXiv 2017, arXiv:1706.03825. [Google Scholar]
  96. Kazerouni, A.; Aghdam, E.K.; Heidari, M.; Azad, R.; Fayyaz, M.; Hacihaliloglu, I.; Merhof, D. Diffusion models in medical imaging: A comprehensive survey. Med. Image Anal. 2023, 88, 102846. [Google Scholar] [CrossRef] [PubMed]
  97. Grathwohl, W.; Wang, K.-C.; Jacobsen, J.-H.; Duvenaud, D.; Norouzi, M.; Swersky, K. Your classifier is secretly an energy based model and you should treat it like one. arXiv 2019, arXiv:1912.03263. [Google Scholar]
  98. Clark, K.; Luong, M.-T.; Le, Q.V.; Manning, C.D. Pre-training transformers as energy-based cloze models. arXiv 2020, arXiv:2012.08561. [Google Scholar]
  99. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016; pp. 770–778. [Google Scholar]
  100. Esteva, A.; Kuprel, B.; Novoa, R.A.; Ko, J.; Swetter, S.M.; Blau, H.M.; Thrun, S. Dermatologist-level classification of skin cancer with deep neural networks. Nature 2017, 542, 115–118. [Google Scholar] [CrossRef]
  101. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. Imagenet classification with deep convolutional neural networks. In Advances in Neural Information Processing Systems 25: 26th Annual Conference on Neural Information Processing Systems 2012, Proceedings of a Meeting Held at Lake Tahoe, NV, USA, 3–6 December 2012; Information Processing Systems Foundation Inc.: San Diego, CA, USA, 2012. [Google Scholar]
  102. Bakas, S.; Akbari, H.; Sotiras, A.; Bilello, M.; Rozycki, M.; Kirby, J.S.; Freymann, J.B.; Farahani, K.; Davatzikos, C. Advancing the cancer genome atlas glioma MRI collections with expert segmentation labels and radiomic features. Sci. Data 2017, 4, 170117. [Google Scholar] [CrossRef]
  103. Wang, L.; Xiong, Y.; Wang, Z.; Qiao, Y.; Lin, D.; Tang, X.; Van Gool, L. Temporal segment networks: Towards good practices for deep action recognition. In Proceedings of the European Conference on Computer Vision, Amsterdam, The Netherlands, 11–14 October 2016; pp. 20–36. [Google Scholar]
  104. Simonyan, K.; Zisserman, A. Two-stream convolutional networks for action recognition in videos. In Advances in Neural Information Processing Systems 27: Annual Conference on Neural Information Processing Systems 2014, Montreal, QC, Canada, 8–13 December 2014; Information Processing Systems Foundation Inc.: San Diego, CA, USA, 2014. [Google Scholar]
  105. Sandler, M.; Howard, A.; Zhu, M.; Zhmoginov, A.; Chen, L.-C. Mobilenetv2: Inverted residuals and linear bottlenecks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 4510–4520. [Google Scholar]
  106. Howard, A.G.; Zhu, M.; Chen, B.; Kalenichenko, D.; Wang, W.; Weyand, T.; Andreetto, M.; Adam, H. Mobilenets: Efficient convolutional neural networks for mobile vision applications. arXiv 2017, arXiv:1704.04861. [Google Scholar]
  107. Goodfellow, I.; Bengio, Y.; Courville, A. Deep Learning; MIT Press: Cambridge, MA, USA, 2016. [Google Scholar]
  108. Rasmus, A.; Berglund, M.; Honkala, M.; Valpola, H.; Raiko, T. Semi-supervised learning with ladder networks. In Advances in Neural Information Processing Systems 28: Annual Conference on Neural Information Processing Systems 2015, Montreal, QC, Canada, 7–12 December 2015; Information Processing Systems Foundation Inc.: San Diego, CA, USA, 2015. [Google Scholar]
  109. Cabitza, F.; Rasoini, R.; Gensini, G.F. Unintended consequences of machine learning in medicine. JAMA 2017, 318, 517–518. [Google Scholar] [CrossRef]
Figure 1. Graphical model of DDPM.
Figure 1. Graphical model of DDPM.
Applsci 14 00632 g001
Figure 2. Schematic diagram of brain MRI glioma segmentation.
Figure 2. Schematic diagram of brain MRI glioma segmentation.
Applsci 14 00632 g002
Figure 3. mDDPM algorithm framework diagram.
Figure 3. mDDPM algorithm framework diagram.
Applsci 14 00632 g003
Table 1. Summary of traditional approaches to biomedical image segmentation.
Table 1. Summary of traditional approaches to biomedical image segmentation.
MethodDescriptionReference
Thresholding methodsFundamental technique based on pixel intensity values, separating regions using a defined threshold. Widely used for clear intensity differences in various biomedical imaging modalities.[14,15,16,17,18]
Region-based methodsEmphasizes spatial coherence by considering groups of pixels with similar characteristics. Involves an iterative process for evolving regions based on criteria like intensity homogeneity or texture. Useful for variations in intensity within boundaries.[19,20,21,22,23]
Edge-based methodsFocuses on identifying boundaries or edges using gradient information, emphasizing discontinuities in pixel intensities for accurate segmentation. Valuable in scenarios with distinct intensity gradients requiring precise delineation.[24,25,26,27,28,29,30]
Table 2. Summary of segmentation algorithms incorporating DDPM.
Table 2. Summary of segmentation algorithms incorporating DDPM.
Research PaperPurposeMethodDatabaseAccuracy (%)Advantages
[59] 2023Achieve accurate and diverse medical image segmentation masksBerDiffLung CT, Brain MRI89.7Efficiently sample sub-sequences from the overall trajectory of the reverse diffusion, thereby speeding up the segmentation process
[60] 2023Realistically model heterogeneity of segmentation masksCollectively Intelligent Medical Diffusion (CIMD)CT, Ultrasound,
MRI
91.5Improve accuracy but also preserve naturally occurring variation in segmentation
[61] 2019Vulnerability of deep learning models in biomedical image segmentation to adversarial attacksAdaptive Mask Segmentation Attack (ASMA)ISIC skin lesion, glaucoma optic disc98Sheds light on the implications of adversarial attacks for the reliability of automated diagnostic systems
[62] 2023Excellent pixel-level representations for medical volumetric segmentationDiff-UNetMulti-organ CT, Brain MRI, Liver MRI85.3Extract semantic information from the input volume effectively, robustness of the diffusion model’s prediction results
[63] 2021The impact of adversarial examples on the biomedical segmentation modelMulti-scale Attack (MSA) method based on multi-scale gradientsGlaucoma optic disc segmentation dataset, ISIC dermatological lesion segmentation dataset98.83Address the vulnerability of deep neural networks to adversarial examples and their impact on biomedical image segmentation models
[64] 2022General medical image segmentation tasksMedSegDiffFundus images, MRI images, Ultrasound images90.5Enhance regional attention and eliminate high-frequency noise components in medical image segmentation.
[65] 2023The challenges of high noise, ambiguity, and uncertainty in medical image segmentationVerseDiff-UNet (integrates DDPM into a standard U-shaped architecture)Spine images78.65The method outperforms other state-of-the-art techniques in accuracy while preserving natural features and variations of anatomy
[66] 2023Clinical fundus images often suffer from uneven illumination, blur, and artifacts caused by equipment or environmental factorsESDiffFundus retinal datasets86.4Utilize a diffusion model-based framework for image enhancement and a modified UNet to obtain degradation factors that preserve pathological features and pertinent information
[67] 2023Detect and segment anomalies in brain imagingUnsupervised Fast DDPM2D CT, Brain MRI92.0Reduced inference times, making their usage clinically viable
[68] 2023Advance medical image analysisDiffusion Text-Attention Network (DTAN)Kvasir-Sessile, Kvasir-SEG, GlaS90.15The Feature Enhancement Module (FEM) for capitalizing on multi-scale information and the incorporation of an auxiliary classification task to refine segmentation accuracy
[69] 2023Expand datasets for 2D medical image segmentation using Diffusion Probabilistic ModelsDiffuseExpandCOVID-19, CGMH Pelvis96.4DiffuseExpand can synthesize high-quality and diverse Image-Mask pairs
[70] 2022Skin lesion segmentation plays a critical role in the early detection and accurate diagnosis of dermatological conditionsDermoSegDiffSkin segmentation datasets97.04Prioritize boundary information during training and incorporating a denoising network to enhance the understanding of noise-semantic relationships
[71] 2023High efficient 3D MRI volumes segmentationPatchDDM3D brain MRI89.9Reduce the resource consumption for 3D diffusion models, applied to the total volume during inference while the training is performed only on patches
[72] 2023The need for accurate and consistent segmentation in medical imagingMedSegDiff-V2Abdominal CT images, Fundus images, Brain MRI images, Thyroid nodule ultrasound images90.1Propose an anchor condition to ensure model stability and introduce the Spectrum-Space Transformer (SS-Former) to enhance the interaction between noise and semantic features
[73] 2023Histopathological image segmentation is a laborious and time-intensive taskGenSelfDiff-HISHead and neck (HN) cancer92.65Use of self-supervised learning and generative diffusion models
[74] 2023The scarcity of expert annotations in medical image analysisSemi-supervised learning and Diffusion modelsBrain MRI images75.86The method showcases promising performance in brain tumor segmentation, even with a small number of training samples
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Liu, Z.; Ma, C.; She, W.; Xie, M. Biomedical Image Segmentation Using Denoising Diffusion Probabilistic Models: A Comprehensive Review and Analysis. Appl. Sci. 2024, 14, 632. https://doi.org/10.3390/app14020632

AMA Style

Liu Z, Ma C, She W, Xie M. Biomedical Image Segmentation Using Denoising Diffusion Probabilistic Models: A Comprehensive Review and Analysis. Applied Sciences. 2024; 14(2):632. https://doi.org/10.3390/app14020632

Chicago/Turabian Style

Liu, Zengxin, Caiwen Ma, Wenji She, and Meilin Xie. 2024. "Biomedical Image Segmentation Using Denoising Diffusion Probabilistic Models: A Comprehensive Review and Analysis" Applied Sciences 14, no. 2: 632. https://doi.org/10.3390/app14020632

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

Article Metrics

Back to TopTop