Next Article in Journal
A Deep-Learning-Based Algorithm for Landslide Detection over Wide Areas Using InSAR Images Considering Topographic Features
Previous Article in Journal
Deep Visual Computing of Behavioral Characteristics in Complex Scenarios and Embedded Object Recognition Applications
Previous Article in Special Issue
A High-Resolution Imaging Method for Multiple-Input Multiple-Output Sonar Based on Deterministic Compressed Sensing
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

An Underwater Image Denoising Method Based on High-Frequency Abrupt Signal Separation and Hybrid Attention Mechanism

1
Changchun Institute of Optics, Fine Mechanics and Physics, Chinese Academy of Sciences, Changchun 130033, China
2
University of Chinese Academy of Sciences, Beijing 100049, China
3
Materials and Optoelectronics Research Center, University of Chinese Academy of Sciences, Beijing 100049, China
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(14), 4578; https://doi.org/10.3390/s24144578
Submission received: 9 April 2024 / Revised: 18 June 2024 / Accepted: 29 June 2024 / Published: 15 July 2024
(This article belongs to the Special Issue Recent Advances in Underwater Signal Processing II)

Abstract

:
During underwater image processing, image quality is affected by the absorption and scattering of light in water, thus causing problems such as blurring and noise. As a result, poor image quality is unavoidable. To achieve overall satisfying research results, underwater image denoising is vital. This paper presents an underwater image denoising method, named HHDNet, designed to address noise issues arising from environmental interference and technical limitations during underwater robot photography. The method leverages a dual-branch network architecture to handle both high and low frequencies, incorporating a hybrid attention module specifically designed for the removal of high-frequency abrupt noise in underwater images. Input images are decomposed into high-frequency and low-frequency components using a Gaussian kernel. For the high-frequency part, a Global Context Extractor (GCE) module with a hybrid attention mechanism focuses on removing high-frequency abrupt signals by capturing local details and global dependencies simultaneously. For the low-frequency part, efficient residual convolutional units are used in consideration of less noise information. Experimental results demonstrate that HHDNet effectively achieves underwater image denoising tasks, surpassing other existing methods not only in denoising effectiveness but also in maintaining computational efficiency, and thus HHDNet provides more flexibility in underwater image noise removal.

1. Introduction

Underwater vision is a vital technology to explore the marine environment non-invasively, which could provide abundant and various information for ocean study. High-quality underwater images are essential for robots to complete underwater tasks such as exploration, archaeology, rescue, and imaging. However, underwater images are often distorted by water and suspended particles, which inevitably cause noise and reduce image usability. Well-denoised underwater images with high quality could assist scientific observations and robot underwater operations in working efficiently and accurately [1,2,3,4,5,6,7,8,9,10,11,12,13,14,15]. Furthermore, denoising technology could also support marine engineering by providing more precise and reliable data.
When light travels through water, its absorbance and scattering effect are influenced not only by water molecules but also by a combination of suspended particles such as sand grains, plankton, and dissolved organic matter. Consequently, the main challenges in underwater image denoising include low contrast, color distortion, and noise interference commonly observed in such images. To address these image quality issues, researchers have proposed several methods for underwater image restoration and enhancement over the past few decades. These methods [1,2,3,4,5] have significantly improved visibility and color correction in underwater images. Based on marine measurement data, Akkaynak et al. successfully derived the scattering space with physical effectiveness and constructed a revised underwater image generation formation model [1] to simulate the degradation process of underwater images. Similarly, in order to address the underwater image restoration problem, Desai et al. also designed a revised model and trained it with generative adversarial networks [2] to restore the real quality of underwater images. However, those two methods mentioned above still used RGB image inputs and did not consider separating and processing the noise component independently. From another aspect, Peng et al. tackled the challenge of separating color and texture in underwater images by proposing a U-shaped Transformer network [3] and introducing LAB and LCH color space to optimize the separation of color and texture, and they achieved significant results. Wang et al. observed inconsistencies in attenuation across different color channels and spatial regions in underwater images, thus leading to the development of a dual-information modulation network [4] to enhance the accuracy and robustness of underwater image restoration tasks. However, solely relying on color space for texture and color separation would be insufficient when dealing with underwater images. The reason is that image texture often contains both noisy and non-noisy components, and underwater image noise typically manifests as abrupt signal changes, which belong to the high-frequency part of the image. Failure to further separate these high-frequency signals during texture extraction can result in sub-optimal processing outcomes. Therefore, in addition to color space separation, further considerations are necessary from the perspective of frequency domain decomposition when processing underwater images. In this field, Li X et al. proposed the ACCE-D framework [5]. In the proposed framework, a Difference of Gaussian (DoG) filter and a bilateral filter were used to decompose the high-frequency and low-frequency components, respectively. Soft thresholding was then applied to suppress noise in the high-frequency components. Nevertheless, ACCE-D did not employ a learning-based denoising algorithm for training after separation and still left some progress to be made. The current underwater image denoising algorithms can be classified into two main categories: model-based methods [6,7,8,9,10,11,12,13,14,15] and learning-based methods [16,17,18,19,20,21,22,23,24,25,26,27,28,29,30]. Model-based methods remove noise from the image by modelling the noise distribution in the target image. Herein, filters designed manually are significant, such as bilateral filters [6], Gaussian filters, and median filters. The model-based method defines noise as abrupt signals with significant image gradients. By smoothing these abrupt signals, it can selectively remove noise from the target image. Additionally, wavelet transform thresholding-based denoising [7] is a commonly used technique in traditional image processing. It decomposes the signal into different scales and determines thresholds based on the energy of each scale in the way of setting low-energy wavelet coefficients to zero to achieve denoising. The non-local means (NLM) method [8] considers each pixel in the image and compares it with similar regions in other parts of the image. Different from traditional local denoising methods, NLM utilizes information from a wider area in the image, thereby better preserving details and structure. The block-matching and 3D filtering (BM3D) method [9] removes image noise by enhancing sparsity. Markov random field models [10] take each pixel in the image as a random variable, and model interactions between pixels by using an energy function and also find a configuration which could minimize the energy function to achieve denoising in the end. To simplify, model-based methods separate noise from images, suppress noise components, and then model noise removal. However, these methods carry the risk of losing image details. In addition, the performance of model-based methods may not be satisfying in complex scenarios in that they may struggle to remove various types of noise effectively.
Since the introduction of CNN algorithms like AlexNet [16] and ResNet [17], CNNs have been applied to image denoising tasks constantly [18,19,20,21,22,23,24,25,26]. DnCNN [18], proposed by Zhang K et al., was the first to apply CNNs to image denoising tasks, which defined a deep learning denoising equation as noisy images equal to clean images plus noise information to simulate the noise removal process. RIDNet [19], proposed by Anwar S et al., used residual structures to alleviate low-frequency information flow and feature attention to explore channel correlations. ECNDNet [20], proposed by Tian C et al., used dilated convolutions to enhance perception in the denoising process. ADNet [21], proposed by Liu Z et al., utilized sparse modules, feature enhancement modules, attention modules, and reconstruction modules to build a network structure for image denoising. MSANet [22], proposed by Gou Y et al., considered both intra-scale characteristics and cross-scale feature complementarity. SADNet [23], proposed by M Chang et al., introduced encoder and decoder blocks with context in capturing multi-scale information and removing noise ranging from coarse to fine. However, current CNNs cannot perceive long-distance interactions between pixels and also lack flexibility in learning and adjusting noise models, thus making CNNs less adaptable to different types and intensities of noise.
In recent years, some researchers have attempted to use Transformer architecture [27,28,29,30] for image denoising, as Transformers can capture long-distance interactions of pixels. Restormer [27] focuses on multi-scale local–global representation learning on high-resolution images. It introduces modules like Multi-Dconv Head Transposed Attention and Gated-Dconv Feed-Forward Network to aggregate locally and non-locally related pixels and control feature transformation. KBNet [28] combines the strengths of CNNs and Transformers and introduces the Kernel-Based Attention module to adaptively aggregate spatial neighborhood information, thereby using learnable kernels for different local patterns. Additionally, it also designs a separate lightweight convolution branch to predict linear combination coefficients for kernels, thus further enhancing the efficiency and performance of Transformer denoising. Therefore, combining lightweight convolutional networks with Transformers can improve the convergence speed of Transformers, making it easier to apply Transformers to low-level tasks such as image denoising.
In addition to improvements in network structures, researchers have also proceeded with denoising from the perspective of frequency domain separation [31,32,33,34,35,36]. From the frequency domain viewpoint, noise is primarily concentrated in the high-frequency signal region [31], which is characterized by sharp changes and is difficult to restore. Therefore, the approach involves using high–low frequency separation algorithms to divide the input image into high-frequency and low-frequency components. Denoising methods based on frequency domain separation include Fourier decomposition [32], wavelet decomposition [33], Laplacian high–low frequency decomposition [34], discrete cosine decomposition [35], and Gaussian blur decomposition [36]. CFPNet [35], proposed by Zhang K et al., employed discrete cosine decomposition to separate the image into high and low frequencies, and then processed these components individually using convolutional neural networks, thereby enhancing the ability to handle high-frequency signals. Wang L et al. used wavelet decomposition [33] to separate high and low frequencies and processed these components separately. However, methods like wavelet decomposition and discrete cosine decomposition are time-consuming and produce a large number of decomposed components. When using convolutional networks to learn from these extensive components, the computational load increases significantly. To reduce the time consumed by high–low frequency separation, Kang J et al. proposed the FSformer [36] image denoising network, which used a Gaussian blur kernel-based separation method. This method divided the input image into high- and low-frequency components, and reduced processing time effectively compared with wavelet decomposition. FSformer employed Transformer-based low-frequency (LFB) and high-frequency (HFB) modules to process the respective components separately, and then merged them to obtain the denoised image. While the aforementioned methods successfully separated high and low frequencies and addressed the issue of slow decomposition speeds, they did not differentiate the treatment of high- and low-frequency signals in their network structures, despite noise being primarily concentrated in the high-frequency signal region.
In recent research, some researchers have applied lightweight diffusion models to underwater image denoising tasks [37,38]. DM-Water [37], proposed by YI Tang et al., is a method that used diffusion models for image enhancement in underwater scenes. It generated corresponding enhanced images by using underwater images and Gaussian noise as input. Additionally, to improve the efficiency of the reverse process in diffusion models, they employed a lightweight Transformer-based denoising network to speed up both training and inference. WF-Diff [38], proposed by Chen Zhao et al., combined wavelet spatial frequency information of underwater images with diffusion models, which achieved state-of-the-art performance on several public datasets. However, diffusion models have the characteristic of generating tasks, making it difficult for the generated images to retain the original information of the underwater images. Moreover, diffusion models required significant computational resources.
To address the noise problem in underwater images, this paper proposes an algorithm called HHDNet, which is specialized to remove noise caused by environmental disturbances and technical constraints in the process of underwater robot photography, thereby improving the overall quality and clarity of images. Since noise in underwater images mainly concentrates on high-frequency abrupt signals, the HHDNet algorithm adopts a global residual learning approach. It decomposes RGB images into high-frequency and low-frequency components by using high–low frequency separation and utilizes a dual-branch network architecture to process high- and low-frequency parts independently. It also strengthens the perception and elimination of high-frequency abrupt noise during training. The contributions of this paper are as follows:
(1)
We propose the HHDNet algorithm for underwater image denoising by targeting noise from environmental disturbances and technical limitations in underwater robot photography to enhance image quality and clarity. HHDNet adopts a Gaussian blur-based high–low frequency separation strategy and features a dual-branch network architecture.
(2)
Compared to previous methods, HHDNet uses different modules in its dual-branch network based on the distinct characteristics of high and low frequencies. For high-frequency parts, it employs a Global Context Extractor (GCE) module, combining depthwise separable convolutions with a mixed attention mechanism to capture local details and global dependencies, focusing on removing abrupt noise. For low-frequency parts, it uses a computationally efficient residual convolution module to ensure precise and efficient noise removal.
(3)
Compared to standard attention mechanisms and Transformers, the GCE module employs a mixed attention mechanism. To prevent convergence difficulties, a prior module with depthwise separable convolutions is introduced before the mixed attention mechanism. The inductive bias of convolutions assists the mixed attention mechanism to converge quickly during training, ensuring stronger denoising capabilities of HHDNet.

2. Underwater Image Denoising Network

Figure 1 shows the structure of the HHDNet, which adopts a dual-branch network architecture consisting of two branches. Each branch is constructed by stacking multiple cascaded feature extraction modules internally, enabling the deep extraction of various image features layer by layer and enhancing the network’s feature extraction capability. When processing images, the network firstly decomposes the degraded input image into high-frequency and low-frequency layers by using high–low frequency decomposition and then feeds them into the two branches for processing. The high-frequency branch uses eight GCE (Global Context Extractor) modules for high-frequency residual learning to remove high-frequency noise while preserving details. The low-frequency branch undergoes low-frequency residual learning through four residual convolution modules to restore the image’s basic structure. After learning, the residual features outputted by the high-frequency and low-frequency branches are added to the original layers, thus obtaining the denoised high-frequency and low-frequency information for precise reconstruction. Finally, the denoised layer information is concatenated, and a global residual amount is obtained by convolution fusion with a 3 × 3 filter, which is added to the original noisy image to obtain the clean image.

2.1. High–Low Frequency Separation

HHDNet uses Gaussian blur for high–low frequency decomposition to separate high-frequency and low-frequency information. Gaussian blur is an image processing technique used to reduce image noise and detail levels, resulting in a smoother image. By adjusting the values of Gaussian blur, the degree of blur for different frequency components in the image can be controlled. After applying Gaussian blur, the processed layer is combined or contrasted with the original layer in some form to extract high-frequency and low-frequency information, thus achieving high–low frequency separation. Assuming the input image is I, the Gaussian function is G, the mean of Gaussian noise is μ , and the variance is θ , the high–low frequency decomposition of the image can be represented as:
L F = G ( θ , μ ) ( I )
H F = | I L F |
As shown in Equations (1) and (2), the input RGB image undergoes Gaussian blur processing, and results in low-frequency information (LF). The high-frequency information (HF) is obtained by taking the absolute difference between the RGB image and the low-frequency information. High-frequency information typically corresponds to abrupt signals with significant gradients in the image, while low-frequency information represents the overall structure and colors of the image.

2.2. Global Context Extractor

In the high-frequency branch, eight cascaded Global Context Extractor (GCE) modules are utilized. The GCE module integrates a convolution group (ConvGroup) and cross-attention group, thereby enhancing the effectiveness of high-frequency image denoising. The role of the ConvGroup is to extract local features from the image and utilize bias induction to quickly identify and focus on areas with significant gradient changes in the image during the early stages of training. Furthermore, the cross-attention group has a more comprehensive long-distance perception and dependency capability, thus extracting global contextual information effectively. The GCE, constructed by combining the convolution group and cross-attention group, can selectively receive high-frequency images during training and process abrupt signals within them.
The GCE module is shown in Figure 2. During the construction, the feature map undergoes preliminary processing through a ConvGroup. The ConvGroup includes convolution layers, batch normalization (BN), and depthwise separable convolution (DWConv). The ConvGroup is defined as follows:
C o n v G r o u p ( Z ) = D W C o n v ( B N ( C o n v ( Z ) ) ) + Z
As shown in Equation (3), assuming the input feature is Z, it undergoes feature extraction using a 1 × 1 convolution operation first. Then, batch normalization (BN) is applied to normalize the feature map, enhancing the stability and convergence speed of the model. Next, a 3 × 3 depthwise separable convolution (DWConv) is used to further refine the features in order to reduce model complexity while maintaining high performance. The processed features are then added to the original input feature map to enable residual learning and alleviate the gradient vanishing problem during training of deep neural networks.
After preliminary feature extraction in the convolution group, the output of the convolution group is passed into the cross-attention group. The cross-attention group consists of a layer normalization (LN) layer and a cross-attention module. LN is a normalization technique that normalizes the features across channels, providing stability during training. The cross-attention module facilitates information exchange between different parts of the input, allowing the model to focus on relevant areas for better performance in image denoising tasks.
The cross-attention module is shown in Figure 3. After inputting feature map, the input is firstly split along the channel dimension to obtain two feature subsets, namely F1 and F2, both with half the number of channels of the original input. Different global pooling methods are applied to F1 and F2 for feature aggregation. F1 is processed through global average pooling to obtain mean information from all positions in the feature map, while F2 undergoes global max pooling. After pooling, F1 and F2 are compressed into feature vectors of size 1 × 1 × C/2. To further refine the feature representation, a strategy of dimensionality reduction followed by dimensionality expansion is utilized:
d = M a x ( L , C 2 r )
As shown in Equation (4), d represents the number of channels after compressing either F1 or F2. The feature undergoes a 1 × 1 convolution operation and the number of channels in the feature vector is reduced to C/2r, where r is the dimension reduction factor. Subsequently, another 1 × 1 convolution layer is used to increase the number of channels back to C/2. After the dimensionality reduction and expansion operations, an attention score vector with the same number of channels as the input feature is obtained. Assuming the input is X and the attention score is A, the cross-attention module is defined as:
C r o s s A t t ( X ) = C o n c a t [ F 1 A t t 1 , F 2 A t t 2 ] + X
As shown in Equation (5), the weighted feature representations are obtained by element-wise multiplication of Att1 and Att2 with the original F1 and F2, respectively. After concatenating the weighted F1 and F2 together, they are added to the input feature before channel splitting, serving as the output of the cross-attention mechanism module.
During training, F1 and F2 are cross-perceived and integrate information between different branches through cross-attention. The cross-attention module optimizes attention computation based on the module’s final output, ensuring that attention calculation maintains logicality and consistency while fully capturing and utilizing the complex features of the input data. It also explores the dependency relationships in the noisy regions from multiple perspectives.

2.3. Residual Block

The low-frequency component contains information such as color, saturation, and brightness, which are not included in the high-frequency component. This information collectively constitutes the basic color and overall perception of the image, and therefore plays an important role in underwater image denoising tasks. However, there is less noise information in the low-frequency part, so there is no need to use computationally intensive and structurally complex modules. This paper chooses to use low-complexity residual blocks [17] to construct the network structure for processing the low-frequency component, which can remove noise while preserving the original features of the low-frequency part.
The structure of the residual learning module is shown in Figure 4. It consists of two convolutional blocks which learn residual components through convolutional operations and then add themselves to the original components. Each convolutional block contains a 3 × 3 convolution, Instance Normalization [39] (IN), and Parametric Rectified Linear Unit (PRelu), respectively. IN is a normalization method that normalizes each channel of each input sample individually. PRelu is an activation function that improves upon the traditional ReLU function by introducing a learnable parameter to adaptively adjust the shape of the activation function in the negative region. The residual learning module can retain input information while learning and extracting more useful low-frequency feature representations.

2.4. Loss Function and Optimizer

Underwater image denoising based on deep learning uses a loss function to quantify the difference between actual values and predicted values. A smaller loss indicates better algorithm performance. In the training of HHDNet, image noise is defined as high-frequency abrupt signals. For the handling of high-frequency abrupt signals, this paper chooses the MAE loss function, also known as the L1 loss function, for supervision. As shown in Equation (6), where N represents the total number of training samples, x i represents the image after denoising by the network, and y i represents the true noise-free image:
M A E = 1 N i = 1 N | | x i y i | |
Throughout the entire model training process, the optimizer plays a crucial role in facilitating parameter updates and guiding the model to its optimal state. The Adam optimizer combines the advantages of AdaGrad and RMSProp and leverages the strengths of both optimization algorithms. By comprehensively estimating the first and second moments of gradients, the Adam optimizer calculates the update step size. The simplicity of implementation and lower consumption in memory make Adam particularly suitable for models with large-scale data and parameters. Therefore, this paper chooses Adam to assist in achieving the best solution during model training.

3. Results and Discussion

3.1. Experimental Setup

The underwater data used in this experiment are drawn from the data source for the Underwater Robot Picking Competition (URPC) organized by the National Natural Science Foundation of China. The dataset used in this paper is URPC2019, consisting of images captured by underwater robots using cameras. The dataset contains 5543 images with a resolution of 640 × 480. The dataset is divided into training and testing sets in a 7:3 ratio. The training set includes 3880 ground truth images, while the testing set includes 1663 ground truth images. To train our HHDNet, Gaussian noise is added to the dataset at noise levels of 15, 25, and 50. The proposed HHDNet and comparison models are run on a single NVIDIA GeForce RTX 3090 graphics card. The HHDNet model is trained by using a partitioned original training dataset consisting of 64 × 64 input and output blocks. Training sessions are conducted separately for RGB color images with a fixed batch size of 16 and a learning rate set at 1 × 10−3. Data augmentation techniques are applied to enhance dataset diversity, including random vertical and horizontal flips, along with 90-degree rotations. Network parameter optimization during training is accomplished using the Adam optimizer.

3.2. Evaluation Metrics

In this paper, we used UCIQE, UIQM, PSNR, and SSIM to evaluate the performance of HHDNet. UCIQE and UIQM are primarily used for evaluating underwater image restoration tasks, while PSNR and SSIM are commonly used as metrics for image denoising tasks.
(1)
The Underwater Color Image Quality Evaluation Index [40] (UCIQE) is a metric used for comprehensively evaluating the quality of color images. It evaluates color images from three aspects: the mean value of saturation, the standard deviation of hue, and the mean value of contrast. The larger the UCIQE value, the better the overall color quality of the image. The definition formula for this index is:
U C I Q E = c 1 · σ c + c 2 · μ s + c 3 · σ h
where c 1 , c 2 , and c 3 are weights assigned to these components based on their importance in the overall image quality evaluation, usually set as c 1 = 0.4680, c 2 = 0 .2745, and c 3 = 0 .2576. σ c is the standard deviation of contrast. μ s is the mean value of saturation, and σ h is the standard deviation of hue.
(2)
The Underwater Image Quality Measure index [41] (UIQM) is used to assess the quality of underwater images, focusing on three aspects: colorfulness, sharpness, and contrast. Colorfulness measures the naturalness and vividness of colors, contrast reflects the ability to distinguish objects and details in the image, and sharpness relates to the clarity of details and structures. By combining these factors, the UIQM index provides an evaluation of the overall quality of underwater images, where a higher value indicates better image quality. The formula for UIQM is typically given as:
U I Q M = c 1 · U I C M + c 2 · U I S M + c 3 · U I C o n M
Underwater Image Colorfulness Measure (UICM) evaluates color richness and naturalness. Underwater Image Sharpness Measure (UISM) assesses image sharpness and clarity. Underwater Image Contrast Measure (UIConM) measures image contrast and distinction of objects. The UIQM index provides a quantitative measure of underwater image quality, crucial for assessing the effectiveness of image enhancement techniques in underwater images.
(3)
The Peak Signal-to-Noise Ratio (PSNR) is used as an evaluation metric to measure the enhancement effect of HHDNet. Given the width and height of the input image as H and W , respectively, the enhanced image is denoted as I c , and the original noisy image is denoted as In. The mean squared error (MSE) between the enhanced image and the original image is defined as:
M S E = 1 H W i = 0 H 1 j = 0 W 1 [ I c ( i , j ) I n ( i , j ) ] 2
The Peak Signal-to-Noise Ratio (PSNR) between the enhanced image and the original image is defined as:
P S N R = 10 l o g 10 ( M A X I M S E )
M A X I represents the maximum pixel value of the image. If each pixel is represented by a B-bit binary number, then M A X I is equal to 2 raised to the power of B minus 1. In this paper, if each pixel is represented by an 8-bit binary number, then M A X I is 255.
(4)
In addition, we also use the Structural Similarity Index [42] (SSIM) to measure the brightness, contrast, and structure (structural) between samples x and y.
l ( x , y ) = 2 μ x 2 μ y + c 1 μ x 2 + μ y 2 + c 1
c ( x , y ) = 2 σ x 2 σ y + c 2 σ x 2 + σ y 2 + c 2
s ( x , y ) = σ x y + c 3 σ x σ y + c 3
where μ x and μ y are the means of x and y, respectively; σ x and σ y are the variances of x and y, and σ x y is the covariance between x and y; and c1 and c2 are two constants. We set c3 = c2/2 to avoid being divided by zero. M A X I represents the maximum value of pixels in a B-bit image, which is 255 in this paper. By default, k1 = 0.01 and k2 = 0.03, and then we have:
S S I M ( x , y ) = [ l ( x , y ) α c ( x , y ) β s ( x , y ) γ ]
When α = β = γ = 1 , we have:
S S I M ( x , y ) = ( 2 μ x 2 μ y + c 1 ) ( 2 σ x 2 σ y + c 2 ) ( μ x 2 + μ y 2 + c 1 ) ( σ x 2 + σ y 2 + c 2 )

3.3. Experimental Results

HHDNet employs a strategy of high–low frequency separation, utilizing a Gaussian blur-based approach for separation. Compared to other separation methods, Gaussian blur kernel high–low frequency separation is a real-time processing method. Table 1 provides an inference time comparison of Fourier decomposition, Wavelet decomposition, Laplacian decomposition, discrete cosine decomposition, and Gaussian blur decomposition.
HHDNet utilizes a high–low frequency decomposition strategy and also employs the GCE Block to process the high frequency. To validate the effectiveness of each improvement, this paper conducts ablation experiments. Firstly, the high–low frequency decomposition strategy is removed to verify its contribution to improving accuracy. Secondly, a comparison is made between the ResBlock and the GCE module in terms of accuracy improvement. Additionally, we incorporate inference time for each ablation experiment. Ultimately, when the low-frequency branch utilizes ResBlock and the high-frequency branch employs GCEBlock, the model achieves a good balance between accuracy and inference time. The results are shown in Table 2 and Table 3.
In HHDNet, high–low frequency decomposition is employed using Gaussian blur kernels. To determine the optimal Gaussian kernel size, we conduct the following experiments to compare the impact of different Gaussian kernels on UCIQE, UIQM, PSNR, and SSIM metrics, as shown in Table 4 and Table 5.
Observing at the same noise level, when Ksize increases from 3 × 3 to 5 × 5, UCIQE, UIQM, PSNR, and SSIM values all show improvement. However, as Ksize continues to increase to 7 × 7 and beyond, the improvement in metrics becomes very limited, and there is even a slight decrease in some cases. Therefore, this paper ultimately uses a Ksize of 5 × 5 as the parameter for the Gaussian kernel in the high–low frequency decomposition.
We conduct comparative experiments using ten methods, including NLM, BM3D, DnCNN-B, RIDNet, ECNDNet-L, ADNet-L, MSANet, SADNet, DM-Water, and WFI2-Diff. These ten methods are tested alongside our proposed HHDNet algorithm on the URPC2019 dataset. Ultimately, our algorithm outperforms other methods in terms of UCIQE, UIQM, PSNR, and SSIM in the URPC2019 testing, as shown in Table 6 and Table 7.
At a relatively low noise level with Sigma = 15, the proposed HHDNet algorithm achieves a UCIQE value of 0.631 and an UIQM value of 5.128. As the noise level increases to Sigma = 25, the UCIQE value of the HHDNet algorithm decreases to 0.598, with an UIQM value of 4.728. As the noise level increases to Sigma = 50, the UCIQE value of the HHDNet algorithm decreases to 0.557, with an UIQM value of 4.379.
At a relatively low noise level with Sigma = 15, the proposed HHDNet algorithm achieves a PSNR value of 31.554 and an SSIM value of 0.9421, showing significant advantages over other compared algorithms, indicating its effectiveness in restoring image quality and preserving structural information at this noise level. As the noise level increases to Sigma = 25, the PSNR value of the HHDNet algorithm decreases to 29.051, with an SSIM value of 0.9024, still surpassing other compared algorithms, demonstrating its stability and ability to preserve image structure across different noise levels. In the extreme case of high noise with Sigma = 50, although all algorithms experience a significant drop in SSIM values, HHDNet still achieves a PSNR value of 26.005 and an SSIM value of 0.8248 and shows its capability to recover images and preserve structure even under extremely high noise levels.
The total number of model parameters (Parameters), model computational complexity (FLOPs), and inference time to some extent reflect the model’s complexity. If the total amount of model parameters and computational complexity is too high, the model may not be suitable for practical applications. Therefore, to validate the rationality of the model, as shown in Table 8, the total amounts of model parameters, computational complexity, and Inference Time for each algorithm are calculated. From the table, it can be seen that our model’s total amounts of parameters and computational complexity are relatively reasonable. This model can effectively remove image noise in practical applications.
HHDNet demonstrates significant advantages in performance. Compared with other methods, HHDNet achieves a superior balance between speed and accuracy. HHDNet has 17.5 G flops and 6.82 M parameters, and an inference time of 16.3 ms, which strikes a balance between computational efficiency and model complexity by avoiding being excessively large, causing low computational efficiency, or too small, limiting model complexity.
To demonstrate the superiority of our proposed HHDNet, we select an image from the URPC2019 dataset and compare our denoising results with those of other algorithms. We visualize images with noise levels of 15 and use error maps to display them in Figure 5 and Figure 6. Similarly, we visualize images with noise levels of 50 and use error maps to display them in Figure 7 and Figure 8.
E r r o r M a p = σ N i = 1 N | | x i y i | | + μ
Among them, setting σ = 5, μ = 128 when Sigma = 15, and setting σ = 3, μ = 128 when Sigma = 50, can make the error map more intuitive.
These images clearly indicate that the denoising results produced by our algorithm are significantly clearer and preserve image details effectively. Additionally, both UCIQE and UIQM metrics are higher.
From the visualization results, the HHDNet algorithm demonstrates good structural preservation performance under both low and high noise levels, especially in low to moderate noise levels, where it performs exceptionally well. Compared with other algorithms, HHDNet still achieves relatively high UCIQE and UIQM values.

4. Conclusions

This paper proposes an underwater image denoising algorithm named HHDNet. The algorithm adopts a dual-branch network architecture for high- and low-frequency components and integrates a hybrid-attention GCE module to enhance and accurately identify high-frequency noise spike signals, thus effectively removing noise generated during underwater robot photography due to complex environments and technical limitations. It not only surpasses existing methods in denoising performance on the URPC2019 dataset but also demonstrates significant advantages in computational efficiency, performing underwater image denoising more precisely and efficiently. The proposed method improves the visual quality of underwater image denoising significantly and could contribute to visual-based underwater tasks such as subsequent underwater detection and segmentation tasks.
As underwater scientific research and industrial applications develop further, the demand for high-quality underwater images is becoming increasingly urgent. HHDNet could bring significant improvement in underwater image denoising technology and provide strong support for further development. In particular, HHDNet demonstrates notable advantages in computational efficiency, thereby enhancing resource usage efficiency. The outstanding denoising effect and lower resource consumption make HHDNet absolutely predominant among competitors in completing tasks such as target detection and image segmentation. We strongly believe that HHDNet would bring new breakthroughs and practical value to the development of underwater image processing.
Nonetheless, HHDNet still has room for improvement. The formation of underwater image noise is complex and diverse, with significant variances in the distribution of different noise types. In practical applications, denoising models need to map the noise domain containing multiple types of noise to the high-quality image domain, which is essentially a many-to-many task. It is confined to the current supervised training using only Euclidean distance, which may lead to the training process converging to an average level. To further enhance denoising effectiveness, we could consider exploring advanced techniques such as adversarial networks or diffusion models to address this issue and promote the continuous advancement of underwater image processing technology.

Author Contributions

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

Funding

This research was funded by Frontier Innovation Project of National Key Research and Development Program, grant number ZT00300602 and The APC was funded by ZT00300602.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The underwater image data that support the findings of this study are openly available at https://universe.roboflow.com/underwater-fish-f6cri/urpc2019-nrbk1 (accessed on 1 December 2023).

Acknowledgments

The authors would like to thank the anonymous reviewers for their valuable comments, as well as the academic editor, English editor, and layout editor.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Akkaynak, D.; Treibitz, T. A Revised Underwater Image Formation Model. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR) 2018, Salt Lake City, UT, USA, 18–22 June 2018; pp. 6723–6732. [Google Scholar]
  2. Desai, C.; Tabib, R.A.; Reddy, S.S.; Patil, U.; Mudenagudi, U. Ruig: Realistic underwater image generation towards restoration. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Nashville, TN, USA, 20–25 June 2021; pp. 2181–2189. [Google Scholar]
  3. Peng, L.; Zhu, C.; Bian, L. U-shape transformer for underwater image enhancement. IEEE Trans. Image Process. 2023, 32, 3066–3079. [Google Scholar] [CrossRef]
  4. Wang, L.; Li, X.; Li, K.; Mu, Y.; Zhang, M.; Yue, Z. Underwater image restoration based on dual information modulation network. Sci. Rep. 2024, 14, 5416. [Google Scholar] [CrossRef]
  5. Li, X.; Hou, G.; Li, K.; Pan, Z. Enhancing underwater image via adaptive color and contrast enhancement, and denoising. Eng. Appl. Artif. Intell. 2022, 111, 243–423. [Google Scholar] [CrossRef]
  6. Arivazhagan, S.; Sugitha, N.; Vijay, A. A novel image denoising scheme based on fusing multiresolution and spatial filters. Signal Image Video Process. 2015, 9, 885–892. [Google Scholar] [CrossRef]
  7. Raj, K.M.; Murugan, S.S.; Natarajan, V.; Radha, S. Denoising algorithm using wavelet for underwater signal affected by wind driven ambient noise. In Proceedings of the International Conference on Recent Trends in Information Technology (ICRTIT), Chennai, India, 3–5 June 2011; IEEE: New York, NY, USA, 2011; pp. 943–946. [Google Scholar]
  8. Jiang, Q.; Wang, G. Underwater image denoising based on non-local methods. In Proceedings of the 2018 OCEANS-MTS/IEEE Kobe Techno-Oceans (OTO), Kobe, Japan, 28–31 May 2018; IEEE: New York, NY, USA, 2018; pp. 1–5. [Google Scholar]
  9. Lebrun, M. An analysis and implementation of the BM3D image denoising method. Image Process. Line 2012, 2, 175–213. [Google Scholar] [CrossRef]
  10. Chaudhary, S.; Wanare, A.L. Image de-noising using Markov Random Field in Wavelet Domain. Int. J. Sci. Res. Publ. 2014, 550. [Google Scholar]
  11. Nema, M.K.; Rakshit, S.; Chaudhuri, S. Image denoising using edge model-based representation of Laplacian subbands. In Proceedings of the Seventh International Conference on Advances in Pattern Recognition, Kolkata, India, 4–6 February 2009; IEEE: New York, NY, USA, 2009; pp. 329–332. [Google Scholar]
  12. Rendall, R.R.; Reis, M.S. A Comparison Study of Single-Scale and Multiscale Approaches for Data-Driven and Model-Based Online Denoising. Qual. Reliab. Eng. Int. 2014, 30, 935–950. [Google Scholar] [CrossRef]
  13. Hao, H.; Liu, M.; Xiong, P.; Du, H.; Zhang, H.; Lin, F.; Hou, Z.; Liu, X. Multi-lead model-based ECG signal denoising by guided filter. Eng. Appl. Artif. Intell. 2019, 79, 34–44. [Google Scholar] [CrossRef]
  14. Guo, Z.; Sun, J.; Zhang, D.; Wu, B. Adaptive Perona–Malik model based on the variable exponent for image denoising. IEEE Trans. Image Process. 2011, 21, 958–967. [Google Scholar]
  15. Liu, Y.; Xu, H.; Zhang, B.; Sun, K.; Yang, J.; Li, B.; Li, C.; Quan, X. Model-based underwater image simulation and learning-based underwater image enhancement method. Information 2022, 13, 187. [Google Scholar] [CrossRef]
  16. Krizhevsky, A.; Sutskever, I.; Hinton, G. Imagenet classification with deep convolutional neural networks. Adv. Neural. Inf. Process. Syst. 2012, 25, 1097–1105. [Google Scholar] [CrossRef]
  17. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 26 June–1 July 2016; pp. 770–778. [Google Scholar]
  18. 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] [PubMed]
  19. Anwar, S.; Barnes, N. Real image denoising with feature attention. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 3155–3164. [Google Scholar]
  20. Tian, C.; Xu, Y.; Fei, L.; Wang, J.; Wen, J.; Luo, N. Enhanced CNN for image denoising. CAAI Trans. Intell. Technol. 2019, 4, 17–23. [Google Scholar] [CrossRef]
  21. Tian, C.; Xu, Y.; Li, Z.; Zuo, W.; Liu, H. Attention-guided cnn for image denoising. Neural Netw. 2020, 124, 117–129. [Google Scholar] [CrossRef] [PubMed]
  22. Gou, Y.; Hu, P.; Lv, J.; Zhou, J.T.; Peng, X. multi-scale adaptive network for single image denoising. arXiv 2022, arXiv:2203.04313. [Google Scholar]
  23. Chang, M.; Li, Q.; Feng, H.; Xu, Z. Spatial-adaptive network for single image denoising. In Proceedings of the Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, 23–28 August 2020; Proceedings, Part XXX 16. Springer International Publishing: Berlin/Heidelberg, Germany, 2020; pp. 171–187. [Google Scholar]
  24. Lee, W.; Son, S.; Lee, K.M. Ap-bsn: Self-supervised denoising for real-world images via asymmetric pd and blind-spot network. In Proceedings of the 2022 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), New Orleans, LA, USA, 19–20 June 2022; pp. 17704–17713. [Google Scholar]
  25. Chang, Y.; Yan, L.; Liu, L.; Fang, H.; Zhong, S. Infrared aerothermal nonuniform correction via deep multiscale residual network. IEEE Geosci. Remote Sens. Lett. 2019, 16, 1120–1124. [Google Scholar] [CrossRef]
  26. Guo, S.; Yan, Z.; Zhang, K.; Zuo, W.; Zhang, L. Toward convolutional blind denoising of real photographs. arXiv 2019, arXiv:cs.CV/1807.04686. [Google Scholar]
  27. Zamir, S.W.; Arora, A.; Khan, S.; Hayat, M.; Khan, F.S.; Yang, M.H. Restormer: Efficient transformer for high-resolution image restoration. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 5728–5739. [Google Scholar]
  28. Zhang, Y.; Li, D.; Shi, X.; He, D.; Song, K.; Wang, X.; Qin, H.; Li, H. Kbnet: Kernel basis network for image restoration. arXiv 2023, arXiv:2303.02881. [Google Scholar]
  29. Zhao, M.; Cao, G.; Huang, X.; Yang, L. Hybrid transformer-CNN for real image denoising. IEEE Signal Process. Lett. 2022, 29, 1252–1256. [Google Scholar] [CrossRef]
  30. Luthra, A.; Sulakhe, H.; Mittal, T.; Iyer, A.; Yadav, S. Eformer: Edge enhancement based transformer for medical image denoising. arXiv 2021, arXiv:2109.08044. [Google Scholar]
  31. Jiao, F.; Gui, Z.; Liu, Y.; Yao, L.; Zhang, P. Low-dose CT image denoising via frequency division and encoder-dual decoder GAN. Signal Image Video Process. 2021, 15, 1907–1915. [Google Scholar] [CrossRef]
  32. Li, X.; Han, J.; Yuan, Q.; Zhang, Y.; Fu, Z.; Zou, M.; Huang, Z. FEUSNet: Fourier Embedded U-Shaped Network for Image Denoising. Entropy 2023, 25, 1418. [Google Scholar] [CrossRef] [PubMed]
  33. Wang, L.; Zheng, W.; Ma, X.; Lin, S. Denoising speech based on deep learning and wavelet decomposition. Sci. Program. 2021, 2021, 8677043. [Google Scholar] [CrossRef]
  34. Wang, Z.; Li, Z.; Teng, X.; Chen, D. LPMsDE: Multi-Scale Denoising and Enhancement Method Based on Laplacian Pyramid Framework for Forward-Looking Sonar Image. IEEE Access 2023, 11, 132942–132954. [Google Scholar] [CrossRef]
  35. Zhang, K.; Long, M.; Chen, J.; Liu, M.; Li, J. CFPNet: A denoising network for complex frequency band signal processing. IEEE Trans. Multimed. 2023, 25, 8212–8224. [Google Scholar] [CrossRef]
  36. Kang, J.; Liu, Y.; Zhang, P.; Guo, N.; Wang, L.; Du, Y.; Gui, Z. FSformer: A combined frequency separation network and transformer for LDCT denoising. Comput. Biol. Med. 2024, 173, 108378. [Google Scholar] [CrossRef] [PubMed]
  37. Tang, Y.; Kawasaki, H.; Iwaguchi, T. Underwater image enhancement by transformer-based diffusion model with non-uniform sampling for skip strategy. In Proceedings of the 31st ACM International Conference on Multimedia, Ottawa, ON, Canada, 29 October–3 November 2023; pp. 5419–5427. [Google Scholar]
  38. Zhao, C.; Cai, W.; Dong, C.; Hu, C. Wavelet-based fourier information interaction with frequency diffusion adjustment for underwater image restoration. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 17–21 June 2024; pp. 8281–8291. [Google Scholar]
  39. Ulyanov, D.; Vedaldi, A.; Lempitsky, V. Instance normalization: The missing ingredient for fast stylization. arXiv 2016, arXiv:1607.08022. [Google Scholar]
  40. Yang, M.; Sowmya, A. An Underwater Color Image Quality Evaluation Metric. IEEE Trans. Image Process. 2015, 24, 6062–6071. [Google Scholar] [CrossRef]
  41. Panetta, K.; Gao, C.; Agaian, S. Human-Visual-System-Inspired Underwater Image Quality Measures. IEEE J. Ocean. Eng. 2015, 41, 541–551. [Google Scholar] [CrossRef]
  42. Wang, Z.; Bovik, A.C.; Sheikh, H.R.; Simoncelli, E.P. Image Quality Assessment: From Error Visibility to Structural Similarity. IEEE Trans. Image Process. 2004, 13, 600–612. [Google Scholar] [CrossRef]
Figure 1. Structure of HHDNet.
Figure 1. Structure of HHDNet.
Sensors 24 04578 g001
Figure 2. Structure of Global Context Extractor.
Figure 2. Structure of Global Context Extractor.
Sensors 24 04578 g002
Figure 3. Structure of cross-attention module.
Figure 3. Structure of cross-attention module.
Sensors 24 04578 g003
Figure 4. Structure of residual block.
Figure 4. Structure of residual block.
Sensors 24 04578 g004
Figure 5. When Sigma = 15, select an image from the URPC2019 test set and denoise it by using different algorithms.
Figure 5. When Sigma = 15, select an image from the URPC2019 test set and denoise it by using different algorithms.
Sensors 24 04578 g005aSensors 24 04578 g005b
Figure 6. When Sigma = 15, visualize the error map (difference and the distribution of error between the prediction and the ground truth). Then, select the image of Figure 6 and denoise it using different algorithms.
Figure 6. When Sigma = 15, visualize the error map (difference and the distribution of error between the prediction and the ground truth). Then, select the image of Figure 6 and denoise it using different algorithms.
Sensors 24 04578 g006
Figure 7. When Sigma = 50, select an image from the URPC2019 test set and denoise it by using different algorithms.
Figure 7. When Sigma = 50, select an image from the URPC2019 test set and denoise it by using different algorithms.
Sensors 24 04578 g007aSensors 24 04578 g007b
Figure 8. When Sigma = 50, visualize the error map (difference and the distribution of error between the prediction and the ground truth). Then, select the image of Figure 7 and denoise it using different algorithms.
Figure 8. When Sigma = 50, visualize the error map (difference and the distribution of error between the prediction and the ground truth). Then, select the image of Figure 7 and denoise it using different algorithms.
Sensors 24 04578 g008
Table 1. Inference time comparison of Fourier decomposition, Wavelet decomposition, Laplacian decomposition, discrete cosine decomposition, and Gaussian blur decomposition. Bold represents the shortest time.
Table 1. Inference time comparison of Fourier decomposition, Wavelet decomposition, Laplacian decomposition, discrete cosine decomposition, and Gaussian blur decomposition. Bold represents the shortest time.
Fourier DecompositionWavelet DecompositionLaplacian DecompositionDiscrete Cosine DecompositionGaussian Blur Decomposition
Inference Time26.87 ms7.25 ms3.40 ms11.85 ms0.92 ms
Table 2. HHDNet’s ablation experiments in terms of average UCIQE and UIQM at noise levels 15, 25, and 50. × represents High-Low Frequency Decomposition is not used, √ represents High-Low Frequency Decomposition is used, and bold represents the configuration used by HHDNet.
Table 2. HHDNet’s ablation experiments in terms of average UCIQE and UIQM at noise levels 15, 25, and 50. × represents High-Low Frequency Decomposition is not used, √ represents High-Low Frequency Decomposition is used, and bold represents the configuration used by HHDNet.
High–Low Frequency DecompositionLow-Frequency BranchHigh-Frequency BranchInference TimeSigma = 15Sigma = 25Sigma = 50
UCIQEUIQMUCIQEUIQMUCIQEUIQM
×ResBlock (RGB Input)6.2 ms0.5294.2120.5174.1150.4883.756
ResBlockResBlock9.3 ms0.5734.7270.5514.4560.5294.118
ResBlockGCEBlock16.3 ms0.6315.1280.5984.7280.5574.379
GCEBlockGCEBlock26.2 ms0.6385.1420.6054.7370.5664.388
Table 3. HHDNet’s ablation experiments in terms of average PSNR and SSIM at noise levels 15, 25, and 50. × represents High-Low Frequency Decomposition is not used, √ represents High-Low Frequency Decomposition is used, and bold represents the configuration used by HHDNet.
Table 3. HHDNet’s ablation experiments in terms of average PSNR and SSIM at noise levels 15, 25, and 50. × represents High-Low Frequency Decomposition is not used, √ represents High-Low Frequency Decomposition is used, and bold represents the configuration used by HHDNet.
High–Low Frequency DecompositionLow-Frequency BranchHigh-Frequency BranchSigma = 15Sigma = 25Sigma = 50
PSNRSSIMPSNRSSIMPSNRSSIM
×ResBlock (RGB Input)31.5410.940629.0150.901525.9880.8238
ResBlockResBlock31.5520.941829.0430.902226.0020.8246
ResBlockGCEBlock31.5540.942129.0510.902426.0050.8248
GCEBlockGCEBlock31.5540.942229.0520.902426.0050.8249
Table 4. HHDNet’s high–low frequency decomposition with different Gaussian kernel parameters in terms of average UCIQE and UIQM at noise levels 15, 25, and 50. Bold represents the configuration used by HHDNet.
Table 4. HHDNet’s high–low frequency decomposition with different Gaussian kernel parameters in terms of average UCIQE and UIQM at noise levels 15, 25, and 50. Bold represents the configuration used by HHDNet.
Gaussian KsizeSigma = 15Sigma = 25Sigma = 50
UCIQEUIQMUCIQEUIQMUCIQEUIQM
3 × 30.6225.0230.5834.6340.5494.323
5 × 50.6315.1280.5984.7280.5574.379
7 × 70.6195.0770.5864.6630.5444.298
9 × 90.6014.9150.5724.5780.5374.216
11 × 110.5964.8230.5654.4230.5294.169
Table 5. HHDNet’s high–low frequency decomposition with different Gaussian kernel parameters in terms of average PSNR and SSIM at noise levels 15, 25, and 50. Bold represents the configuration used by HHDNet.
Table 5. HHDNet’s high–low frequency decomposition with different Gaussian kernel parameters in terms of average PSNR and SSIM at noise levels 15, 25, and 50. Bold represents the configuration used by HHDNet.
Gaussian KsizeSigma = 15Sigma = 25Sigma = 50
PSNRSSIMPSNRSSIMPSNRSSIM
3 × 331.5530.941229.0470.901725.9990.8244
5 × 531.5540.942129.0510.902426.0050.8248
7 × 731.5490.942029.0480.902226.0040.8248
9 × 931.5480.941129.0450.901926.0020.8241
11 × 1131.5450.940829.0440.901526.0000.8239
Table 6. The average UCIQE and UIQM values of different algorithms at noise levels 15, 25, and 50 on the URPC2019 test set. Bolded “HHDNet” represents the algorithm proposed in this paper, and bolded metrics represents the best results in the comparative experiments.
Table 6. The average UCIQE and UIQM values of different algorithms at noise levels 15, 25, and 50 on the URPC2019 test set. Bolded “HHDNet” represents the algorithm proposed in this paper, and bolded metrics represents the best results in the comparative experiments.
MethodSigma = 15Sigma = 25Sigma = 50
UCIQEUIQMUCIQEUIQMUCIQEUIQM
NLM [8]0.3182.7130.2842.4720.2592.194
BM3D [9]0.3362.8290.2972.5410.2662.302
DnCNN-B [18]0.5033.9210.5093.8410.4723.527
RIDNet [19]0.5434.1500.5223.9350.4913.672
ECNDNet-L [20]0.5614.2890.5374.0160.5053.764
ADNet-L [21]0.5784.4210.5504.1230.5183.875
MSANet [22]0.5924.5680.5644.2390.5333.981
SADNet [23]0.6044.6970.5754.3120.5384.068
DM-Water [37]0.6094.9870.5824.5630.5434.241
WFI2-Diff [38]0.6125.0320.5854.6170.5454.298
HHDNet0.6315.1280.5984.7280.5574.379
Table 7. The average PSNR and SSIM values of different algorithms at noise levels 15, 25, and 50 on the URPC2019 test set. Bolded “HHDNet” represents the algorithm proposed in this paper, and bolded metrics represents the best results in the comparative experiments.
Table 7. The average PSNR and SSIM values of different algorithms at noise levels 15, 25, and 50 on the URPC2019 test set. Bolded “HHDNet” represents the algorithm proposed in this paper, and bolded metrics represents the best results in the comparative experiments.
MethodSigma = 15Sigma = 25Sigma = 50
PSNRSSIMPSNRSSIMPSNRSSIM
NLM [8]29.4120.873426.6990.847222.88730.7851
BM3D [9]29.6410.882827.1280.859422.89640.7899
DnCNN-B [18]31.5400.940629.0160.901625.9880.8238
RIDNet [19]31.5420.942029.0420.902125.9940.8242
ECNDNet-L [20]31.5460.941429.0380.901425.9910.8240
ADNet-L [21]31.5480.941029.0330.901725.9970.8243
MSANet [22]31.5510.941429.0450.902226.0010.8246
SADNet [23]31.5530.941229.0470.902326.0000.8247
DM-Water [37]31.5320.941429.0400.901725.9900.8241
WFI2-Diff [38]31.5490.941829.0480.902226.0010.8245
HHDNet31.5540.942129.0510.902426.0050.8248
Table 8. The comparison of model parameters and flops between the HHDNet method and other algorithms, with all algorithms evaluated on a single RTX 3090 GPU.
Table 8. The comparison of model parameters and flops between the HHDNet method and other algorithms, with all algorithms evaluated on a single RTX 3090 GPU.
DnCNN-BRIDNetECNDNet-LADNet-LMSANetSADNetDM-WaterWFI2-DiffHHDNet
Flops23.5 G21.4 G34.5 G35.7 G27.1 G45.2 G150.6 G631.1 G17.5 G
Parameters12.78 M6.79 M15.2 M15.8 M7.99 M17.29 M10.13 M43.72 M6.82 M
Inference Time34 ms19.8 ms79.1 ms79.8 ms25.3 ms42.2 ms130 ms720.4 ms16.3 ms
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

Huo, C.; Zhang, D.; Yang, H. An Underwater Image Denoising Method Based on High-Frequency Abrupt Signal Separation and Hybrid Attention Mechanism. Sensors 2024, 24, 4578. https://doi.org/10.3390/s24144578

AMA Style

Huo C, Zhang D, Yang H. An Underwater Image Denoising Method Based on High-Frequency Abrupt Signal Separation and Hybrid Attention Mechanism. Sensors. 2024; 24(14):4578. https://doi.org/10.3390/s24144578

Chicago/Turabian Style

Huo, Chunling, Da Zhang, and Huanyu Yang. 2024. "An Underwater Image Denoising Method Based on High-Frequency Abrupt Signal Separation and Hybrid Attention Mechanism" Sensors 24, no. 14: 4578. https://doi.org/10.3390/s24144578

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