Next Article in Journal
A Novel Fractional Model and Its Application in Network Security Situation Assessment
Previous Article in Journal
Robust Design of Two-Level Non-Integer SMC Based on Deep Soft Actor-Critic for Synchronization of Chaotic Fractional Order Memristive Neural Networks
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

An Efficient Multi-Scale Wavelet Approach for Dehazing and Denoising Ultrasound Images Using Fractional-Order Filtering

1
College of Computer Science, Sichuan University, Chengdu 610064, China
2
Delta Technology Service (Shenzhen) Co., Ltd., Shenzhen 518122, China
*
Author to whom correspondence should be addressed.
Fractal Fract. 2024, 8(9), 549; https://doi.org/10.3390/fractalfract8090549
Submission received: 22 August 2024 / Revised: 19 September 2024 / Accepted: 21 September 2024 / Published: 23 September 2024
(This article belongs to the Section Life Science, Biophysics)

Abstract

:
Ultrasound imaging is widely used in medical diagnostics due to its non-invasive and real-time capabilities. However, existing methods often overlook the benefits of fractional-order filters for denoising and dehazing. Thus, this work introduces an efficient multi-scale wavelet method for dehazing and denoising ultrasound images using a fractional-order filter, which integrates a guided filter, directional filter, fractional-order filter, and haze removal to the different resolution images generated by a multi-scale wavelet. In the directional filter stage, an eigen-analysis of each pixel is conducted to extract structural features, which are then classified into edges for targeted filtering. The guided filter subsequently reduces speckle noise in homogeneous anatomical regions. The fractional-order filter allows the algorithm to effectively denoise while improving edge definition, irrespective of the edge size. Haze removal can effectively eliminate the haze caused by attenuation. Our method achieved significant improvements, with PSNR reaching 31.25 and SSIM 0.905 on our ultrasound dataset, outperforming other methods. Additionally, on external datasets like McMaster and Kodak24, it achieved the highest PSNR (29.68, 28.62) and SSIM (0.858, 0.803). Clinical evaluations by four radiologists confirmed its superiority in liver and carotid artery images. Overall, our approach outperforms existing speckle reduction and structural preservation techniques, making it highly suitable for clinical ultrasound imaging.

1. Introduction

Ultrasound imaging is a vital, non-invasive tool used in medical diagnostics for its real-time imaging and detailed information on tissue structures and blood flow. The process involves emitting high-frequency sound waves that reflect off tissues and are converted into visual images. Dehazing and denoising are essential in this workflow to enhance image clarity and preserve structural details, which improves diagnostic accuracy. Numerous techniques have been developed to tackle noise in coherent imaging, addressing the challenges posed by speckle noise and other artifacts [1] as shown in Figure 1. These techniques can be categorized into traditional methods and modern deep learning approaches.
Traditional methods for image denoising, which include spatial domain filters, diffusion filters, non-local means (NLM) filters, transform domain techniques, and hybrid filter approaches, have made significant strides in enhancing image quality [2]. Spatial domain filter methods such as those of Loupas et al. [3] and Zhu et al. [4] operate directly on pixel values, using a moving window to adjust each pixel based on local statistics. They are effective for noise reduction through local pixel adjustments but may blur global image structures due to their reliance on local information. Additionally, these spatial domain filter methods can be computationally intensive and may not be well suited for real-time applications. Diffusion filter techniques, such as the speckle-reducing anisotropic diffusion filter (SRAD) [5], effectively reduce noise while preserving edges, but they can introduce stair-step artifacts and result in information loss during the diffusion process. Stevens et al. [6] present a diffusion model-based method for dehazing ultrasound images, improving clarity and diagnostic utility, especially for challenging cases like obesity, where conventional methods fall short. These diffusion filter methods also struggle with real-time processing due to their computational complexity. Non-local means filters use similarity between image patches to reduce noise. The non-local means (NLM) filter [7] excels at preserving fine details by averaging similar patches across the image. However, its high computational complexity and potential to produce blurry results if patches are not sufficiently similar can limit its practicality. The Optimal Bayesian NLM (OBNLM) [8] builds upon NLM by incorporating Bayesian optimization to improve denoising performance, yet it still suffers from significant computational demands. The Non-Local Low-Rank Framework (NLLRF) [4] extends NLM by leveraging low-rank matrix properties to enhance noise reduction, but it may lead to excessive smoothing if the low-rank assumption does not hold, affecting the preservation of image details.
Low-rank-based techniques effectively denoise images by exploiting the assumption that natural images have an underlying low-rank structure [9], which can be approximated from noisy data. However, their performance is highly dependent on the low-rank characteristic of the image, and these methods will fail if the image does not adhere to this property. Transform domain techniques denoise images by leveraging the properties of transformed domain representations, such as wavelet thresholds, to effectively reduce noise while preserving significant features [10,11]. Zhou et al. [12] propose a degradation model based on the non-linear transformation to adjust the intensity of SAR image pixel values. Bi et al. [13] introduce a mixed-order denoising algorithm that incorporates both fractional-order and higher-order regularization terms. This approach significantly mitigates the staircase artifacts commonly associated with the TV model and its variations, while enhancing edge and detail preservation. However, these methods often introduce artifacts and may degrade image quality due to the challenges of balancing noise reduction with artifact suppression.
Hybrid filter approaches combine multiple denoising techniques to leverage their complementary strengths, often resulting in improved performance over individual methods [1]. For example, Wang et al. introduce a multi-scale hybrid method (MHM) designed to effectively reduce speckle noise in medical ultrasound images while preserving important structural details [14]. However, these hybrid filter approaches tend to be complex and computationally intensive, which can limit their practical applicability and efficiency. All these algorithms have their own limitations and are not specifically designed for ultrasound images, making them less effective for denoising speckle noise in ultrasound images.
Deep learning has made significant advancements in the field of image denoising. Techniques such as image-adapted denoising CNNs [15], channel and space attention neural networks [16], and multi-scale networks [17] have emerged as powerful tools for tackling the challenges of ultrasound image denoising. These methods leverage the capacity of deep networks to learn complex noise patterns and image structures from data, leading to significant improvements in denoising performance. Liang et al. [18] are pioneers in applying deep learning networks to image denoising, followed by Zhang et al. [19] with their feed-forward Denoising Convolutional Neural Networks (DnCNNs). This DnCNN excels at removing various types of noise by learning complex noise patterns from training data. Its strengths include effective noise reduction and adaptability to different noise conditions, but it faces limitations such as high computational demands, dependence on training data quality, and the potential introduction of artifacts. To overcome the limitations of DnCNN, Anwar et al. [20] introduced a blind real image denoising network (RIDNet), a one-stage network designed specifically for blind real image denoising. RIDNet demonstrates effective performance in natural image denoising by leveraging its architecture. Additionally, the integration of attention mechanisms into deep learning-based denoising approaches has further enhanced results, showing considerable promise in improving image quality.
Subsequently, the incorporation of attention mechanisms into deep learning denoising techniques has shown great potential. For example, Sharif et al. [21] introduce the Deep Residual Attention Network (DRAN), which enhances denoising in multidisciplinary medical images by integrating attention mechanisms with spatially refined residual features. Similarly, Lan et al. [22] propose the Mixed-Attention Mechanism-based Residual UNet (MARU), effectively denoising ultrasound images through a mixed-attention approach. Furthermore, the Multi-Scale Attention-Guided Neural Network (MSANN) [23] leverages a multi-scale attention module to capture and address the spatial distribution of speckle noise, proving effective in managing complex noise patterns. Yuting et al. [24] propose a dual-branch architecture for joint image dehazing and denoising, using a dark channel prior and unsupervised networks for dehazing, and a mean/extreme sampler with a self-supervised network for denoising. While these methods have demonstrated effectiveness with synthetic data, their performance on real ultrasound images remains uncertain. The denoised images produced by these deep learning techniques often exhibit excessive smoothness, which can undermine their practical utility. In contrast to traditional approaches that frequently lead to oversmoothing, our proposed method aims to achieve a balanced approach, effectively reducing speckle noise while minimizing the risk of excessive smoothing.
In summary, existing filters struggle to effectively detect and preserve edges while simultaneously reducing speckle noise. To address these challenges, we propose an efficient multi-scale wavelet approach for dehazing and denoising ultrasound images using fractional-order filtering. Our approach utilizes multi-scale wavelet decomposition to detect edges and ascertain their orientation at various levels of the image analysis, enabling effective differentiation between edge and noise. We use the structure tensor, which ranges from 0 (no significant edge) to 1 (highly significant edge), to enhance edge detection and evaluate edge importance.
The main contributions of this work are summarized in the following:
  • Multi-Scale Wavelet Approach: We introduce a multi-scale wavelet approach that enhances edge detection and the separation of objects from noise at different physical scales.
  • Integrated Filtering Techniques: Our method integrates guided filtering, directional filtering, fractional-order filtering, and haze removal, which collectively improve the quality of denoised images.
  • Extensive Evaluation: We emphasize that our approach has been rigorously evaluated on both synthetic and real images, demonstrating superior performance in quantitative metrics and visual quality.
The structure of this paper is as follows: Section 2 provides background information. Section 3 details our proposed method. Section 4 presents the experimental results on synthetic and real images. The conclusion is given in Section 5.

2. Background

2.1. Fractional Filter

Fractional filters leverage the principles of fractional calculus to offer unique advantages in signal and image processing. The key benefits of fractional filters stem from their ability to handle weak singularities, exhibit long-term memory effects, and capture non-local dependencies in the data [25]. These properties make fractional filters particularly effective for preserving important structural details and enhancing edges while reducing noise.
One of the notable contributions to fractional filtering is Pu’s introduction of the fractional differential mask [26]. This mask is designed to maintain low-frequency contour features in smooth areas of an image while enhancing high-frequency edges and textural details where there are significant variations in gray levels. The fractional differential mask thus helps balance the trade-off between preserving structural details and suppressing noise.
The matrix approximation method is used to efficiently compute fractional-order derivatives by representing them in matrix form [27]. This approach simplifies the numerical solution of fractional differential equations, making it practical for image processing tasks. Consider a discrete signal f ( x ) sampled at uniform intervals Δ h . For simplicity, we let Δ h = 1 , so the discrete signal is represented as
( f ( x i ) = f ( i Δ h ) ( i = 0 , 1 , , m ) .
The Grünwald–Letnikov definition of the fractional derivative of order v can be approximated as follows:
  a G L D x v j = 0 m w j v f ( x m j ) , m = 0 , j = 0 m = 1 , j = 0 , 1 m = 2 , j = 0 , 1 , 2 . . .
where   a G L D x v denotes the Grünwald–Letnikov fractional derivative of order v. The coefficients w j v are defined by
w j v = ( 1 ) j v j .
These coefficients can also be computed recursively:
w 0 v = 1 , w j v = 1 v + 1 j w j 1 v , j = 1 , 2 , .
To implement the fractional derivative in matrix form, represent the discrete signal f ( x ) as
f ( x ) = [ f ( x 0 ) , f ( x 1 ) , , f ( x m ) ] T .
Construct the matrix ψ for approximating the fractional derivative as
ψ = w 0 v 0 0 w 1 v w 0 v w m v w m 1 v w 0 v .
The fractional derivative can be approximated by
D x v f ( x ) ψ f ( x ) .
When v = 1 , the matrix ψ simplifies to a sparse banded matrix with only the main diagonal and a single lower diagonal. In this case, the gradient information is computed using just two data points. When v is not an integer, the matrix ψ becomes a lower triangular matrix. All data points preceding the k-th point are used to compute the fractional-order derivative of that point, highlighting the method’s reliance on past data. The matrix approximation method efficiently handles the computational demands of the fractional calculus, making it feasible for large-scale signal and image processing tasks.

2.2. Ultrasound Image Scattering Model

In ultrasound imaging, the observed ultrasonic signal I ( x ) is modeled as
I ( x ) = E ( x ) · τ ( x ) + N · ( 1 τ ( x ) ) ,
where I ( x ) is the observed ultrasound image, E ( x ) represents the ideal noise-free envelope, x = ( x , y ) denotes the pixel location, N is the global noise component, and 0 τ ( x ) 1 is the transmission function that quantifies the fraction of the signal unaffected by noise.
In a homogeneous medium, the transmission function τ ( x ) is expressed as
τ ( x ) = e γ d ( x ) ,
where d ( x ) represents the depth or distance from the sensor to the point of interest, and γ is the scattering coefficient. The term E ( x ) · τ ( x ) in Equation (8) accounts for signal attenuation, while N · ( 1 τ ( x ) ) captures the noise contribution that influences the brightness and saturation of the image.
To retrieve the ideal noise-free envelope E ( x ) from the observed image I ( x ) , we must estimate both the transmission function τ ( x ) and the global noise level N. Once these parameters are identified, the ideal noise-free envelope E ( x ) can be computed as
E ( x ) = I ( x ) N max ( τ ( x ) , ϵ ) + N ,
where ϵ is a small constant (commonly 0.1) to avoid division by zero [28].

3. Proposed Method

The proposed method utilizes a multi-scale pyramid framework to address image processing tasks through a hierarchical decomposition of images, ranging from coarse to fine resolutions. This method integrates anisotropic diffusion for edge detection, directional filtering for edge enhancement, guided filtering for image denoising, fractional filtering for texture preservation, dehazing for image clarity, and contrast enhancement to improve overall image quality, all applied at each level of the pyramid. The method consists of two key phases: pyramid analysis and pyramid synthesis. In the pyramid analysis phase, the algorithm focuses on edge detection, noise identification, and edge orientation assessment at each resolution scale. The wavelet domain is utilized to effectively separate edges from noise by leveraging structure tensors. This allows for the precise localization of edges while distinguishing them from noise artifacts. The pyramid synthesis phase aims to achieve two main objectives: reducing speckle noise and enhancing edges across different scales. By processing each layer independently, the algorithm can apply tailored smoothing and contrast adjustments that correspond to the specific features present at that scale. This multi-scale method ensures that prominent boundaries, usually larger than speckle noise, are treated separately from smaller features. The smoothing process is uniform but non-linear, specifically designed to reduce speckle noise while preserving critical details.
Figure 2 illustrates the flowchart detailing the procedure employed in this study for dehazing and denoising. The methodology can be summarized as follows:
  • Obtain the Ultrasound Image: Begin by acquiring the ultrasound image to be processed.
  • Construct the Wavelet Pyramid: Develop a wavelet pyramid for the image from Step 1. This constitutes the analysis phase of the pyramid process. For detailed algorithmic specifics, refer to Section 3.1.
  • Process Each Pyramid Level: For each level of the pyramid, apply the following methods to the approximation layer:
    • Diffusion Tensor: Utilized for edge detection.
    • Directional Filter: Enhances edge sharpness.
    • Guided Filter: Performs image denoising.
    • Fractional Filter: Preserves texture details.
    • Image Dehazing: Removes haze effects.
    The detailed algorithmic specifics and formulas for these methods are provided in Section 3.2, Section 3.3, Section 3.4, Section 3.5, and Section 3.6, respectively.
  • Synthesize the Pyramid Levels: During the synthesis phase of each pyramid level, combine the results from Step 3 with the associated detail layers.
  • Value Clamping: Constrain the pixel values to the range of 0 to 255 following the processing of each pyramid level.
  • Iterate Through Pyramid Levels: Move to the next finer pyramid level and perform Steps 3 through 5 until processing is finished at the most detailed stage.
A notable advantage of this method is its flexibility, derived from the use of a non-dyadic decomposition. This allows for adaptation to varying physical dimensions across different imaging probes and modalities, such as linear, convex, and phased arrays. The method employs anisotropic, directional filtering for edge enhancement, adapting processing to the direction of boundaries, while maintaining spatial and temporal consistency to prevent artifacts and ensure uniform image quality.
Overall, the multi-scale pyramid approach enhances image clarity by effectively balancing speckle reduction and edge preservation. The tailored processing at each scale, combined with the ability to adapt to different imaging conditions, highlights the method’s robustness and effectiveness in improving image quality.

3.1. Image Pyramid

The image pyramid framework is a comprehensive approach that encompasses both the analysis and synthesis stages. In the analysis stage, the image is decomposed into multiple levels through successive downsampling, each representing a different scale. Mathematically, if I ( x , y ) denotes the original image, the image pyramid decomposition can be expressed as
I k ( x , y ) = D k ( I k 1 ( x , y ) ) ,
where D k is the downsampling operator at level k, and I k ( x , y ) represents the image at the k-th scale. This multi-scale decomposition is essential for achieving several key objectives: enhancing structural features at coarser scales, improving edge details at intermediate scales, and refining fine edge structures at the finest scale. Such a hierarchical representation enables both “local” contrast and edge contrast enhancement effectively.
In our proposed method, the image pyramid is designed to ensure perfect reconstruction, allowing for accurate image reconstruction from its multi-scale components. The pyramid is built using downsampling factors that can be either one or two for height and width dimensions. The choice of a downsampling factor of one is particularly useful when the original image dimensions are highly imbalanced between height and width. The downsampling operation D k can be expressed as
D k ( I ( x , y ) ) = I x 2 k , y 2 k ,
where k is the factor of the pyramid. Additionally, applying a downsampling factor of zero allows for iterative filtering processes at the same scale, which effectively repeats the filtering operation and enhances the processing of the image.
To generate the multi-scaled images, we employ the guided filter, which produces two sub-bands—LL (low level) and HL (high level)—via wavelet decomposition. This method leverages the wavelet transform to separate image components at different scales. The wavelet decomposition can be mathematically represented as
W ( I ( x , y ) ) = { L L , H H } ,
where W denotes the wavelet transform, and L L and H H are the low-level and high-level sub-bands. This separation facilitates targeted processing at each level of the pyramid. By adapting to varying scales, our image pyramid framework enhances both global structures and localized details, leading to improved overall image quality.

3.2. Edge Detection

Anisotropic diffusion is widely recognized for its effectiveness in edge detection tasks [29]. This technique distinguishes itself by avoiding histogram-based methods and relying instead on low-pass filtering combined with additional calculations. It is particularly adept at identifying edges with low contrast, as it operates independently of pixel intensity levels.
The diffusion tensor, incorporated into the coherence-enhancing diffusion (CED) framework, enables precise directionally adaptive smoothing by capturing and quantifying the directional properties of diffusion processes. This approach is essential in medical imaging for analyzing brain structure and connectivity. For each pixel, the diffusion tensor is given by
J ρ ( I ) = K ρ ( I I ) = K ρ I · I T , ( ρ 0 )
J ρ ( I ) = K ρ I x I y I x I y = K ρ I x 2 K ρ I x I y K ρ I x I y K ρ I y 2 ,
where I represents the image gradient, with I x and I y denoting gradients in the x and y directions, respectively. K ρ refers to the Gaussian convolution kernel, and ‘*’ signifies convolution.
Eigenvalue decomposition of the tensor J ρ ( I ) produces eigenvalues λ 1 and λ 2 along with corresponding eigenvectors v 1 and v 2 . The eigenvector v 1 = [ v 1 x , v 1 y ] is oriented along the normal direction, whereas v 2 = [ v 2 x , v 2 y ] aligns with the tangent direction.
The edge detection proceeds as follows:
  • Evaluate the pairwise multiplication of gradient components for each pixel.
  • Apply a 2D Gaussian filter to smooth each of the four resulting matrices.
  • Derive the eigenvalues and corresponding eigenvectors from the smoothed matrices.
    Designate the eigenvectors as v 1 and v 2 and the eigenvalues as λ 1 and λ 2 .
To evaluate if a pixel corresponds to an edge, we compute the normalized coherence factor given by
c o h _ m e t r i c = 0 , if λ 1 = λ 2 = 0 | λ 1 λ 2 | | λ 1 + λ 2 | , otherwise .
The values of c o h _ m e t r i c fall between zero and one, with values near one indicating a sharp edge, while zero corresponds to a non-edge region. A high c o h _ m e t r i c occurs when one eigenvalue substantially exceeds the other, suggesting that gradients are strongly oriented in one direction. When c o h _ m e t r i c exceeds a predefined threshold, the pixel is categorized as an edge.

3.3. Edge Enhancement

In the previous section, we categorized regions into edge and non-edge areas. For enhancing edge regions, we applied a directional filtering technique. This approach is tailored to sharpen edges according to their specific orientation while concurrently smoothing the adjacent areas to diminish noise [30]. The filter is consistently applied across different scales, including the LL band, which is less affected by noise.
For a pixel denoted as X 0 , where the normalized coherence factor surpasses a threshold (which varies with the scale level), the edge enhancement process proceeds as follows:
  • Identify the positions X e 1 , X e 2 , X n 1 , and X n 2 , where X e 1 is calculated as X 0 + u 1 x , X e 2 as X 0 u 1 x , and similarly for X n 1 and X n 2 .
  • Apply linear interpolation to determine the values e 1 , e 2 , n 1 , and n 2 at the corresponding positions X e 1 , X e 2 , X n 1 , and X n 2 .
  • The resultant value at pixel X 0 after applying the directional filter is given by
x = 1 α e + α n · x + α e · e 1 + e 2 2 α n · n 1 + n 2 2 ,
where x represents the original intensity at X 0 , and x denotes the enhanced value. The weights α e and α n are used to balance the contribution from the edge and non-edge directions, respectively.

3.4. Image Denoising

In non-edge regions, smoothing methods such as the guided filter [31] are particularly effective at maintaining edge details, improving image structure, and reducing unwanted noise. This filter leverages a guidance image, which can either be the input image itself or a separate reference, to produce the final output. The mathematical formulation of the guided filter is as follows:
q i = j V i j ( G ) p j ,
V i j ( G ) = 1 | Ω | 2 ( i , j ) Ω i 1 + ( G i ν i ) ( G j ν i ) δ i 2 + ϵ .
In Equation (18), the filter kernel V i j depends on the guidance image G and is independent of the input image p. The indices i and j correspond to pixel locations. This filter ensures that edges in the output image q are preserved if they exist in the guidance image G. The kernel weights V i j are computed using Equation (19), where ν i and δ i 2 represent the mean and variance of the guidance image G within a local window Ω i , | Ω | indicates the number of pixels in this region, and ϵ is a regularization term.

3.5. Texture Preservation

Fractional calculus has attracted considerable interest in signal and image processing because of its features, including weak singularity, extended memory, and non-local behavior [25]. So, fractional derivatives can effectively emphasize details and edge information in images by adjusting the order of differentiation. Unlike traditional integer-order derivatives, fractional derivatives offer more flexible tuning capabilities, making them advantageous for capturing subtle variations and complex structures in images. For example, lower-order fractional derivatives can smooth the image, while higher-order fractional derivatives can enhance edges and textures. Therefore, applying fractional derivatives to ultrasound image denoising can provide an efficient and precise solution, helping to improve the quality and reliability of medical imaging.
From Ref. [26], Pu introduces the use of a differential mask for both image denoising and texture enhancement. This approach has proven to be highly effective. The fractional differential mask leverages fractional calculus to enhance texture details at multiple scales while simultaneously reducing noise. By applying this method, the paper demonstrates substantial improvements in preserving texture features and achieving cleaner images, showcasing its effectiveness in enhancing image quality through advanced mathematical techniques. The fractional differential mask can be represented as
d v d x v s ( x ) | G L x v M v Γ ( v ) k = 0 M 1 Γ ( k v ) Γ ( k + 1 ) s x + v x 2 M k x M ,
where s ( x ) is a differentiable-integrable function [32], [ a , x ] denotes the domain of s ( x ) , and v is any real number (including fractional) representing the order of differentiation. The gamma function is denoted by Γ ( v ) . This equation is employed in our fractional filtering method to preserve texture in ultrasound images. The filter attenuates low-frequency signals ( 0 < ω < 1 ) while amplifying high-frequency components ( ω > 1 ), with the amplification increasing as v rises. Thus, fractional differentiation enhances texture preservation during denoising by boosting high-frequency details. Experimental results show that the optimal value of v = 0.05 provides the best texture retention.

3.6. Image Dehazing

In ultrasound imaging, haze can obscure important details and reduce image clarity. To address this, we employ a single-channel dehazing approach based on atmospheric scattering principles, specifically targeting the low-frequency haze typical in ultrasound images. The dehazing process involves the following steps:
1. Calculate the Dark Channel: For a single color channel I ( x ) of the ultrasound image, we first compute the dark channel I d a r k ( x ) as follows:
I d a r k ( x ) = min y Ω x I ( y ) ,
where Ω x denotes a local patch centered at pixel x.
He et al. [28] establish that for haze-free images, the dark channel value S dark of the image S is typically very low, approaching zero:
S dark 0 .
2. Estimate the Transmission: Assuming the global noise level A is known, we modify the single-channel model of the ultrasound image I ( x ) as follows:
I ( x ) A = t ( x ) S ( x ) A + 1 t ( x ) .
To estimate the transmission t ( x ) , we assume it is constant within a local window, denoted as t ˜ ( x ) . Applying the minimum operator to both sides of Equation (23), we obtain
min y Ω ( x ) I ( y ) A = t ˜ ( x ) min y Ω ( x ) S ( y ) A + 1 t ˜ ( x ) .
Since min y Ω ( x ) S ( y ) A approaches zero, this simplifies to
min y Ω ( x ) I ( y ) A = 1 t ˜ ( x ) .
Thus, the transmission t ˜ ( x ) is given by
t ˜ ( x ) = 1 min y Ω ( x ) I ( y ) A .
3. Introduce Correction Parameter and Recover Image: To improve visual realism by accounting for depth of field effects, we introduce a correction parameter ω :
t ˜ ( x ) = 1 ω min y Ω ( x ) I ( y ) A ,
where ω is set to 0.95. The global noise level A is estimated using the brightest 0.1% of pixels in the dark channel, selecting the pixels with the highest intensity in I.
Using the estimated transmission t ˜ ( x ) and the global noise level A, the ideal noiseless envelope S ( x ) is recovered.

4. Experiments

In this section, we assess the performance of our proposed method in comparison to existing baselines on both synthetic and real-world speckle noise reduction tasks. We benchmark our method against several well-known despeckling techniques, including OBNLM [8], SRAD [5], NLLRF [4], the prominent deep learning-based natural image denoising method DnCNN [19], and the latest ultrasound image denoising technique MHM [14]. To evaluate the image quality, we utilize two commonly used metrics: peak signal-to-noise ratio (PSNR) and structural similarity index (SSIM) [33]. Additionally, we provide ablation studies to examine the contribution of different components with our method.

4.1. Dataset and Experimental Configuration

In this study, we perform experiments on two types of datasets. The first type includes synthetic noise images, created using the multiplicative speckle noise model outlined in [5]. This involves simulating noisy images by convolving a 2D point spread function with ground truth images using a radio-frequency (RF) image. For validation, we use five widely recognized datasets. The McMaster dataset [34] includes 25 grayscale images, each with a size of 256 × 256 pixels in TIFF format. The Kodak24 dataset [35] comprises 24 color images, each 512 × 768 pixels, in JPEG format. The BSD68 dataset [36] contains 68 color images, sized 481 × 321 pixels, available in PNG format. The Set12 dataset [19] features 12 grayscale images, each with dimensions of 256 × 256 pixels in PNG format. Finally, the Urban100 dataset [37] includes 100 color images, each 1024 × 1024 pixels in size, provided in JPEG format. This diverse selection of datasets ensures a thorough evaluation across different image types and formats.
The second type of dataset consists of real ultrasound speckle noise images, captured using the Saset INSIGHT 37C system (Saset Healthcare Inc., Chengdu, China). During data collection, all optimization functions of the machine were turned off to capture raw ultrasound images with significant speckle noise. Over 3000 noisy liver images were collected. These noisy images were then processed using the noise reduction function of the INSIGHT 37C to generate images approximating noise-free ultrasound images, which were considered the ground truth. Experienced doctors were invited to select the most representative pairs of noisy and ground truth images for inclusion in the final ultrasound image dataset.
In this study, we utilized the following hardware for our experiments. The CPU used was an Intel Core i7-4770, which is based on the fourth-generation Haswell architecture. It features 4 physical cores and 8 threads, with a base clock speed of 3.4 GHz and a maximum turbo boost frequency of up to 3.9 GHz. It also has 8 MB of L3 cache. The GPU employed was an NVIDIA GeForce RTX 2070, which uses the Turing architecture. For each dataset, we conducted a single experimental test. The quantitative results, including average SNR and SSIM, were reported for these tests.

4.2. Experimental Results on Synthetic Noisy Images

We generated synthetic noisy images by introducing speckle noise with the following parameters: f 0 [ 5.0 , 10.0 ] MHz, σ x = 0.1 μs, and σ y = 0.15 ms.
(I) Quantitative Analysis: Table 1 presents the PSNR and SSIM values for each method across these datasets. We highlight that our method consistently achieves the highest values in these metrics compared to other approaches. Specifically, in the McMaster, Kodak24, BSD68, Set12, and Urban100 datasets, our method demonstrates superior performance in both PSNR and SSIM, indicating its effectiveness in producing high-quality despeckled images with better preservation of structural details and reduction in noise.
(II) Visual Analysis: This section presents a visual comparison of the denoised results achieved using our proposed method versus several competing techniques, evaluated on a challenging ultrasound image from our dataset. Figure 3 illustrates the performance of different despeckling methods on synthetic noise images. The SRAD [8] and OBNLM [5] methods are observed to excessively smooth edges and textures, which results in a noticeable loss of fine details. The NLLR method [4], while attempting to reduce noise, fails to sufficiently mitigate it, leaving the image with noticeable speckle artifacts and overall lower quality. DnCNN [19] excels at noise reduction but tends to over-smooth the images, particularly in regions with fine textures or detailed features, leading to a reduction in image clarity. Similarly, MHM [14] demonstrates improvements in denoising but suffers from inconsistencies, with some areas of the image being under-smoothed while others are over-smoothed. In contrast, our proposed method effectively reduces noise while preserving the integrity of edges, textures, and fine details. This visual comparison highlights the ability of our method to achieve a balance between noise reduction and detail preservation, outperforming existing techniques in maintaining the structural fidelity of ultrasound images.

4.3. Realistic Experiments on Various Types of Images

(I) Quantitative Analysis: To quantitatively evaluate the performance of our proposed method on a real ultrasound dataset, we conducted experiments using the established ultrasound speckle noise dataset. The quantitative results, including PSNR and SSIM, are presented in Table 2. Our method achieved the highest values for both PSNR and SSIM compared to other state-of-the-art approaches. The results in Table 2 clearly demonstrate the robustness and effectiveness of our approach in the challenging task of ultrasound image denoising. By taking into account the characteristics of speckles and using wavelet decomposition, using diffusion tensor to identify edges, and then applying different filtering methods to various regions, we achieved the best results.
(II) Visual Analysis: Figure 4 shows the experimental comparison results on our ultrasound speckle noise dataset. Our method demonstrates superior performance in restoring ultrasound images with enhanced structural preservation. In contrast, SRAD, OBNLM, and NLLRF show over-smoothing effects that diminish fine details and textures. SRAD and OBNLM excessively smooth the images, while NLLRF, DnCNN, and MHM struggle with maintaining image structure, resulting in blurriness and less-defined features. Our approach effectively reduces speckle noise while preserving fine details and textures, avoiding excessive smoothing artifacts. This visual evidence highlights the effectiveness of our method in balancing noise reduction and structural integrity, outperforming existing techniques in detail preservation and noise suppression.
Figure 5 illustrates the effectiveness of our proposed method in reducing speckle noise across various imaging systems, including radar, medical ultrasound, and underwater sonar. The performance of our approach in realistic imaging scenarios is also demonstrated in this figure. It highlights that our method preserves more image details and features compared to traditional techniques, which often struggle with adaptability to speckle noise. Methods such as OBNLM [5], NLLR [4], and SRAD [8] fail to sufficiently remove noise, leading to lower-quality images. While DnCNN [19] and MHM [14] exhibit strong learning capabilities and generate visually enhanced images, they still face challenges related to over-smoothing and incomplete noise reduction.
Clinical evaluations were conducted with four radiologists to assess the effectiveness of our approach in processing liver and carotid artery images. The evaluation criteria included image clarity, detail preservation, and contrast enhancement. The radiologists consistently identified superior texture preservation and enhanced feature delineation in the images processed using our method. Overall, our approach demonstrates improved performance over existing speckle reduction and structural preservation techniques, indicating its strong suitability for clinical ultrasound imaging applications.

4.4. Ablation Study

To evaluate the efficacy of our proposed module, we perform a series of ablation experiments on the suggested method. Our multi-scale wavelet approach includes four distinct filter components: directional filter, guided filter, fractional filter, and dehazing. The ablation results are detailed in Table 3. A checkmark indicates that the module is selected, while a cross indicates that the module is not selected. The proposed method achieves optimal performance when all filter blocks are included, while the removal of any block results in degraded performance. Omitting any of these components leads to a noticeable decline in performance, underscoring the importance of each filter in achieving effective denoising.

5. Conclusions

This paper introduces an advanced multi-scale wavelet approach for dehazing and denoising ultrasound images, utilizing fractional-order filtering to enhance image quality. The proposed method begins by constructing a wavelet pyramid to facilitate multi-resolution analysis, allowing for detailed examination from coarse to fine scales. Key features are accentuated through a directional filter applied to edges detected by a structure tensor, while areas lacking distinct edges are processed with a guided filter to reduce speckles. Using a fractional filter further aids in preserving texture, and a final dehazing step eliminates residual haze.
Our ablation study confirms the effectiveness of each filtering component, with the proposed method demonstrating superior performance across all evaluated metrics. The experimental results validate that our approach significantly reduces speckle noise while maintaining the structural integrity of medical ultrasound images. Compared to existing advanced denoising techniques, our method stands out for its enhanced performance in preserving image details and reducing noise.
This approach improves the clarity and diagnostic utility of ultrasound images and has significant implications for the advancement of medical imaging. By minimizing diagnostic errors and providing informed consent stance to clinicians, our method contributes to more accurate and reliable patient evaluations.
We have addressed the computational challenges associated with the wavelet pyramid technique by implementing the algorithm within the CUDA parallel computing framework. This adaptation enables the real-time processing of ultrasound data at 40 frames per second, making the method practical for clinical applications. Despite the inherent computational complexity, our parallelized optimization ensures that the approach is feasible for real-time use, enhancing its applicability in dynamic medical imaging scenarios.

Author Contributions

Conceptualization, H.Y.; methodology, L.W.; software, L.W.; validation, L.W., Y.-F.P. and X.R.; formal analysis, H.Y.; investigation, H.Y.; resources, Z.Y.; data curation, Z.Y. and X.R.; writing—original draft preparation, L.W.; writing—review and editing, Y.-F.P.; visualization, L.W.; supervision, Y.-F.P.; project administration, L.W.; funding acquisition, Y.-F.P. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Natural Science Foundation of China (Grant No. 62171303) and the Open Project from the Sichuan Provincial Key Laboratory of Philosophy and Social Science for Language Intelligence in Special Education (Grant No. YYZN-2023-2).

Data Availability Statement

The datasets used or analysed during the current study are available from the corresponding author on reasonable request.

Conflicts of Interest

All authors declare that they have no known competing financial interests or personal relationships that could have appeared to influence the work reported in this paper.

References

  1. Sagheer, S.V.M.; George, S.N. A review on medical image denoising algorithms. Biomed. Signal Process. Control 2020, 61, 102036. [Google Scholar]
  2. Baselice, F.; Ferraioli, G.; Pascazio, V.; Schirinzi, G. Enhanced Wiener Filter for Ultrasound image denoising. In Proceedings of the European Medical and Biological Engineering Confernce Nordic-Baltic Conference on Biomedical Engineering and Medical Physics, Tampere, Finland, 11–15 June 2017. [Google Scholar]
  3. Loupas, T.; McDicken, W.; Allan, P.L. An adaptive weighted median filter for speckle suppression in medical ultrasonic images. IEEE Trans. Circuits Syst. 1989, 36, 129–135. [Google Scholar] [CrossRef]
  4. Zhu, L.; Fu, C.W.; Brown, M.S.; Heng, P. A Non-local Low-Rank Framework for Ultrasound Speckle Reduction. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 493–501. [Google Scholar]
  5. Yu, Y.; Acton, S. Speckle reducing anisotropic diffusion. IEEE Trans. Image Process. Publ. IEEE Signal Process. Soc. 2002, 11 11, 1260–1270. [Google Scholar]
  6. Stevens, T.S.; Meral, F.C.; Yu, J.; Apostolakis, I.Z.; Robert, J.L.; Van Sloun, R.J. Dehazing Ultrasound using Diffusion Models. IEEE Trans. Med. Imaging 2024, 1. [Google Scholar] [CrossRef] [PubMed]
  7. Buades, A.; Coll, B.; Morel, J.M. A non-local algorithm for image denoising. In Proceedings of the 2005 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR’05), San Diego, CA, USA, 20–26 June 2005; Volume 2, pp. 60–65. [Google Scholar] [CrossRef]
  8. Coupe, P.; Hellier, P.; Kervrann, C.; Barillot, C. Nonlocal Means-Based Speckle Filtering for Ultrasound Images. IEEE Trans. Image Process. 2009, 18, 2221–2229. [Google Scholar] [CrossRef] [PubMed]
  9. Jia, X.; Feng, X.; Wang, W. Rank constrained nuclear norm minimization with application to image denoising. Signal Process. 2016, 129, 1–11. [Google Scholar] [CrossRef]
  10. Shen, Y.; Liu, Q.; Lou, S.; Hou, Y. Wavelet-Based Total Variation and Nonlocal Similarity Model for Image Denoising. IEEE Signal Process. Lett. 2017, 24, 877–881. [Google Scholar] [CrossRef]
  11. Vazquez-Corral, J.; Bertalmío, M. Angular-Based Preprocessing for Image Denoising. IEEE Signal Process. Lett. 2018, 25, 219–223. [Google Scholar] [CrossRef]
  12. Zhou, Y.; Li, Y.; Guo, Z.; Wu, B.; Zhang, D. Multiplicative Noise Removal and Contrast Enhancement for SAR Images Based on a Total Fractional-Order Variation Model. Fractal Fract. 2023, 7, 329. [Google Scholar] [CrossRef]
  13. Bi, S.; Li, M.; Cai, G. Mixed Fractional-Order and High-Order Adaptive Image Denoising Algorithm Based on Weight Selection Function. Fractal Fract. 2023, 7, 566. [Google Scholar] [CrossRef]
  14. Wang, L.; Pu, Y.F.; Liu, P.; Hao, Y. Multiscale hybrid method for speckle reduction of medical ultrasound images. Multimed. Tools Appl. 2023, 83, 55219–55234. [Google Scholar] [CrossRef]
  15. Tirer, T.; Giryes, R. Super-Resolution via Image-Adapted Denoising CNNs: Incorporating External and Internal Learning. IEEE Signal Process. Lett. 2019, 26, 1080–1084. [Google Scholar] [CrossRef]
  16. Wang, Y.; Song, X.; Chen, K. Channel and Space Attention Neural Network for Image Denoising. IEEE Signal Process. Lett. 2021, 28, 424–428. [Google Scholar] [CrossRef]
  17. Song, Y.; Zhu, Y.; Du, X. Grouped Multi-Scale Network for Real-World Image Denoising. IEEE Signal Process. Lett. 2020, 27, 2124–2128. [Google Scholar]
  18. Liang, J.; Liu, R. Stacked denoising autoencoder and dropout together to prevent overfitting in deep neural network. In Proceedings of the 2015 8th International Congress on Image and Signal Processing (CISP), Shenyang, China, 14–16 October 2015; pp. 697–701. [Google Scholar]
  19. Zhang, K.; Zuo, W.; Chen, Y.; Meng, D.; Zhang, L. Beyond a Gaussian Denoiser: Residual Learning of Deep CNN for Image Denoising. IEEE Trans. Image Process. 2017, 26, 3142–3155. [Google Scholar] [CrossRef]
  20. Anwar, S.; Barnes, N. Real Image Denoising With Feature Attention. In Proceedings of the 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Republic of Korea, 27 October–2 November 2019; pp. 3155–3164. [Google Scholar]
  21. Sharif, S.; Naqvi, R.A.; Biswas, M. Learning medical image denoising with deep dynamic residual attention network. Mathematics 2020, 8, 2192. [Google Scholar] [CrossRef]
  22. Lan, Y.; Zhang, X. Real-Time Ultrasound Image Despeckling Using Mixed-Attention Mechanism Based Residual UNet. IEEE Access 2020, 8, 195327–195340. [Google Scholar] [CrossRef]
  23. Guo, Y.; Lu, Y.; Liu, R.W.; Zhu, F. Blind Image Despeckling Using Multi-Scale Attention-Guided Neural Network. IEEE Trans. Artif. Intell. 2023, 5, 205–216. [Google Scholar] [CrossRef]
  24. Yu, Y.; Ding, B.; Huang, S.; Cheng, M.; Wang, E.; Tu, D.; Tan, L. Joint Image Dehazing and Denoising For Single Haze Image Enhancement. ESS Open Arch. Prepr. 2024, 878, 87877756. [Google Scholar]
  25. Bai, J.; Feng, X.C. Fractional-Order Anisotropic Diffusion for Image Denoising. IEEE Trans. Image Process. 2007, 16, 2492–2502. [Google Scholar] [CrossRef]
  26. Pu, Y.F.; Zhou, J.L.; Yuan, X. Fractional differential mask: A fractional differential-based approach for multiscale texture enhancement. IEEE Trans. Image Process. 2010, 19, 491–511. [Google Scholar] [PubMed]
  27. Podlubny, I.; Chechkin, A.; Skovranek, T.; Chen, Y.Q.; Jara, B.M.V. Matrix approach to discrete fractional calculus II: Partial fractional differential equations. J. Comput. Phys. 2008, 228, 3137–3153. [Google Scholar] [CrossRef]
  28. He, K.; Sun, J.; Tang, X. Single Image Haze Removal Using Dark Channel Prior. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Miami, FL, USA, 20–25 June 2009; pp. 1956–1963. [Google Scholar]
  29. Abd-Elmoniem, K.Z.; Youssef, A.; Kadah, Y.M. Real-time speckle reduction and coherence enhancement in ultrasound imaging via nonlinear anisotropic diffusion. IEEE Trans. Biomed. Eng. 2002, 49, 997–1014. [Google Scholar] [CrossRef] [PubMed]
  30. Yong, S.K.; Ra, J.B. Improvement of ultrasound image based on wavelet transform: Speckle reduction and edge enhancement. In Proceedings of the Medical Imaging 2005: Image Processing (2005), San Diego, CA, USA, February 2005; Volume 5747, pp. 1085–1092. [Google Scholar] [CrossRef]
  31. He, K.; Sun, J.; Tang, X. Guided Image Filtering. IEEE Trans. Pattern Anal. Mach. Intell. 2013, 35, 1397–1409. [Google Scholar] [CrossRef] [PubMed]
  32. Love, E.R. Fractional Derivatives of Imaginary Order. J. Lond. Math. Soc. 1971, 2, 241–259. [Google Scholar] [CrossRef]
  33. Wang, Z.; Bovik, A.; Sheikh, H.; Simoncelli, E. Image Quality Assessment: From Error Visibility to Structural Similarity. IEEE Trans. Image Process. 2004, 13, 600–612. [Google Scholar] [CrossRef]
  34. Zhang, L.; Wu, X.; Buades, A.; Li, X. Color demosaicking by local directional interpolation and nonlocal adaptive thresholding. J. Electron. Imaging 2011, 20, 023016. [Google Scholar]
  35. Franzen, R. Kodak Lossless True Color Image Suite. Available online: https://r0k.us/graphics/kodak/ (accessed on 12 September 2023).
  36. Roth, S.; Black, M. Fields of Experts: A framework for learning image priors. In Proceedings of the 2005 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR’05), San Diego, CA, USA, 20–26 June 2005; Volume 2, pp. 860–867. [Google Scholar]
  37. Huang, J.B.; Singh, A.; Ahuja, N. Single image super-resolution from transformed self-exemplars. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 5197–5206. [Google Scholar]
Figure 1. The acquisition and processing workflow of ultrasound images.
Figure 1. The acquisition and processing workflow of ultrasound images.
Fractalfract 08 00549 g001
Figure 2. The workflow of our method.
Figure 2. The workflow of our method.
Fractalfract 08 00549 g002
Figure 3. Denoising visualization of our proposed method compares competing methods on the ultrasound dataset. From left to right, we show the original image (serving as the ground truth), noisy, denoising results of SRAD [8], OBNLM [5], NLLRF [4], MHM [14], DnCNN [19], and our proposed method.
Figure 3. Denoising visualization of our proposed method compares competing methods on the ultrasound dataset. From left to right, we show the original image (serving as the ground truth), noisy, denoising results of SRAD [8], OBNLM [5], NLLRF [4], MHM [14], DnCNN [19], and our proposed method.
Fractalfract 08 00549 g003
Figure 4. Denoising visualization of our proposed method compares competing methods on the ultrasound dataset. From left to right, we show the original image (serving as the ground truth), noisy, denoising results of SRAD [8], OBNLM [5], NLLRF [4], MHM [14], DnCNN [19], and our proposed method.
Figure 4. Denoising visualization of our proposed method compares competing methods on the ultrasound dataset. From left to right, we show the original image (serving as the ground truth), noisy, denoising results of SRAD [8], OBNLM [5], NLLRF [4], MHM [14], DnCNN [19], and our proposed method.
Fractalfract 08 00549 g004
Figure 5. Denoising visualization of our proposed method compares competing methods on the realistic experiments data. From left to right, we show the noisy, denoising results of SRAD [8], OBNLM [5], NLLRF [4], MHM [14], DnCNN [19], and our proposed method.
Figure 5. Denoising visualization of our proposed method compares competing methods on the realistic experiments data. From left to right, we show the noisy, denoising results of SRAD [8], OBNLM [5], NLLRF [4], MHM [14], DnCNN [19], and our proposed method.
Fractalfract 08 00549 g005
Table 1. PSNR and SSIM results from various despeckling methods on the McMaster [34], Kodak24 [35], BSD68 [36], Set12 [19], and Urban100 [37] datasets for speckle noise.
Table 1. PSNR and SSIM results from various despeckling methods on the McMaster [34], Kodak24 [35], BSD68 [36], Set12 [19], and Urban100 [37] datasets for speckle noise.
McmasterKodak24BSD68set12Urban100
MethodsPSNRSSIMPSNRSSIMPSNRSSIMPSNRSSIMPSNRSSIM
SARD [5]23.690.77322.550.68222.880.74421.740.74320.710.643
OBNLM [8]23.660.62322.370.58222.900.72322.370.72421.690.703
NLLRF [4]22.810.58321.520.49822.820.67421.500.67220.920.631
MHM [14]29.560.85628.420.80128.220.82728.560.83827.330.827
DnCNN [19]28.300.8127.350.7626.250.7924.540.8025.150.75
Ours29.680.85828.620.80328.450.83528.780.84127.640.830
Table 2. The quantitative results on our ultrasound speckle noise dataset.
Table 2. The quantitative results on our ultrasound speckle noise dataset.
MethodSRAD [5]OBNLM [8]NLLRF [4]MHM [14]DnCNN [19]Ours
PSNR26.9027.2327.7028.3030.3731.25
SSIM0.6820.7450.7940.7650.8990.905
Table 3. Ablation study of different components.
Table 3. Ablation study of different components.
Directional filter
Guided filter
Fractional filter
Dehazing
PSNR24.2828.2124.925.627.4824.2825.927.5126.3528.2128.26
SSIM0.4390.7450.4380.5680.7460.4390.6250.7480.7200.7450.746
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

Wang, L.; Yang, Z.; Pu, Y.-F.; Yin, H.; Ren, X. An Efficient Multi-Scale Wavelet Approach for Dehazing and Denoising Ultrasound Images Using Fractional-Order Filtering. Fractal Fract. 2024, 8, 549. https://doi.org/10.3390/fractalfract8090549

AMA Style

Wang L, Yang Z, Pu Y-F, Yin H, Ren X. An Efficient Multi-Scale Wavelet Approach for Dehazing and Denoising Ultrasound Images Using Fractional-Order Filtering. Fractal and Fractional. 2024; 8(9):549. https://doi.org/10.3390/fractalfract8090549

Chicago/Turabian Style

Wang, Li, Zhenling Yang, Yi-Fei Pu, Hao Yin, and Xuexia Ren. 2024. "An Efficient Multi-Scale Wavelet Approach for Dehazing and Denoising Ultrasound Images Using Fractional-Order Filtering" Fractal and Fractional 8, no. 9: 549. https://doi.org/10.3390/fractalfract8090549

Article Metrics

Back to TopTop