Deep learning-based-image denoising methods have recently achieved excellent performance by learning non-linear mapping in the spatial domain. However, these methods fail to address the noise without specific distribu...
详细信息
Deep learning-based-image denoising methods have recently achieved excellent performance by learning non-linear mapping in the spatial domain. However, these methods fail to address the noise without specific distribution because they only use features of the spatial domain. Meanwhile, existing methods that utilize features in the frequency domain fail to combine the detailed information of both domains properly for effective reconstruction and demonstrate poor generalization. Therefore, a novel adaptive fusion dual-domain network (AFDN) is introduced for single image restoration. Different from deep learning-based methods, which operate on the spatial or dual-domains in a certain order, the proposed AFDN combine the spatial-domain image and corresponding frequency-domain image as the input and use the interlacing dual-domain module with flexible adaptability to learn the relationship between spatial and frequency domains. In experimental results, the AFDN is compared with several state-of-the-art restoration methods. Quantitative results showed that the AFDN achieves enhanced effects and high index values. The code of this paper will be released at A novel adaptive fusion dual-domain network for single image restoration. Different from deep learning-based methods, which operate on the spatial or dual-domains in a certain order, the proposed adaptive fusion dual-domain network combine the spatial-domain image and corresponding frequency-domain image as the input and use the interlacing dual-domain module with flexible adaptability to learn the relationship between spatial and frequency ***
Low-lightimage enhancement methods are difficult to fit the complex nonlinear relationship between normal and low-light images due to uneven illumination and noise effects. The recently proposed Kolmogorov-Arnold netw...
详细信息
Low-lightimage enhancement methods are difficult to fit the complex nonlinear relationship between normal and low-light images due to uneven illumination and noise effects. The recently proposed Kolmogorov-Arnold networks (KANs) feature spline-based convolutional layers and learnable activation functions, which can effectively capture nonlinear dependencies. In this paper, we design a KAN-Block based on KANs and innovatively apply it to low-light image enhancement. This method effectively alleviates the limitations of current methods constrained by linear network structures and lack of interpretability, further demonstrating the potential of KANs in low-level vision tasks. Given the poor perception of current low-light image enhancement methods and the stochastic nature of the inverse diffusion process, we further introduce frequency-domain perception for visually oriented enhancement. Extensive experiments demonstrate the competitive performance of our method on benchmark datasets.
Deep learning-based approaches have shown advantages in the task of despeckling for SAR images. However, it is still difficult to explain due to the black-box nature of deep learning. Deep unfolding methods provide an...
详细信息
Deep learning-based approaches have shown advantages in the task of despeckling for SAR images. However, it is still difficult to explain due to the black-box nature of deep learning. Deep unfolding methods provide an interpretable alternative to building deep neural networks, which combines traditional iterative optimization methods with deep neural networks for image recovery tasks. In this paper, we propose an unfolded deep convolutional dictionary learning framework (SAR-CDL) for SAR image despeckling. A new variational model based on convolutional dictionary for removing multiplicative noise is proposed. The alternate direction multiplier method combining deep learning method are used to optimize the variational model, which can parameterize the model by deep learning in an end-to-end learning manner and avoid the large workload of the tuning process. The performance of the proposed SAR-CDL is validated on both simulated and real SAR datasets. The experimental results show that the proposed model outperforms many state-of-the-art methods in terms of quantitative metrics and visual quality, with a stronger ability to recover the fine structure and texture of the SAR images. In addition, the proposed SAR-CDL is robust to the size of the training set and can achieve appropriate results while reducing the training dataset.
Blind image deblurring is a severely ill-posed task. Most existing methods focus on deep learning to learn massive data features while ignoring the vital significance of classic image structure priors. We make extensi...
详细信息
Blind image deblurring is a severely ill-posed task. Most existing methods focus on deep learning to learn massive data features while ignoring the vital significance of classic image structure priors. We make extensive use of the image gradient information in a data-driven way. In this paper, we present a Generative Adversarial Network (GAN) architecture based on image structure priors for blind non-uniform image deblurring. Previous image deblurring methods employ Convolutional neural Networks (CNNs) and non-blind deconvolution algorithms to predict kernel estimations and obtain deblurred images, respectively. We permeate the structure prior of images throughout the design of network architectures and target loss functions. To facilitate network optimization, we propose multi-term target loss functions aimed to supervise the generator to have images with significant structure attributes. In addition, we design a dual-discriminant mechanism for discriminating whether the image edge is clear or not. Not only image content but also the sharpness of image structures need to be discriminated. To learn image gradient features, we develop a dual-flow network that considers both the image and gradient domains to learn image gradient features. Our model directly avoids the accumulated errors caused by two steps of "kernel estimation-non-blind deconvolution". Extensive experiments on both synthetic datasets and real-world images demonstrate that our model outperforms state-of-the-art methods.
The gesture recognition based on surface electromyography signals (sEMG) is an important human-computer interaction technology. This paper proposes a precise gesture recognition method that processes sEMG into raw num...
详细信息
The gesture recognition based on surface electromyography signals (sEMG) is an important human-computer interaction technology. This paper proposes a precise gesture recognition method that processes sEMG into raw numerical grayscale images and combines them with Convolutional neural Networks (CNN) as classifiers to address challenges such as the difficulty of manual feature extraction from sEMG and low classifier recognition accuracy. Firstly, sEMG data from four channels are collected for 13 specific hand gestures from 13 subjects. Applying linear and exponential operations to sEMG voltage values in the time domain, it maps the resulting matrix to a numerical range of 0-255 and converts it into a single-layer grayscale image. Subsequently, a Convolutional neural Network classification model (CNN4-M) is constructed, and the model is trained using these single-layer grayscale images. To assess the grayscale image method, DB1 and DB3 datasets from Ninapro were used for validation. Six classical CNNs are trained using these single-layer grayscale images, and their training results are compared to sEMG spectrograms generated using Short-Time Fourier Transform (STFT). Additionally, the gesture recognition method proposed in this paper is compared to five common machine learning methods. Results showed that the original grayscale images worked well with CNNs, outperforming STFT-generated images during validation. The gesture recognition method proposed in this paper outperforms five common machine learning methods in terms of recognition accuracy. Finally, training CNN4-M with the original grayscale images reached the highest validation accuracy, with 98.03% classification accuracy for 13 gestures and 99.95% and 98.07% on DB1 and DB3 datasets, respectively.
Graph neural networks (GNNs) have substantially advanced hyperspectral image (HSI) classification. However, GNN-based methods encounter challenges in identifying significant discriminative features with high similarit...
详细信息
Graph neural networks (GNNs) have substantially advanced hyperspectral image (HSI) classification. However, GNN-based methods encounter challenges in identifying significant discriminative features with high similarity across long distances and transmitting high-order neighborhood information. Consequently, this paper proposes an enhanced network based on parallel graph node diffusion (PGNDE) for HSI classification. Its core develops a parallel multi-scale graph attention diffusion module and a node similarity contrastive loss. Specifically, the former first constructs a multi-head attention-forward propagation (AFP) module for different scales, which incorporates multi-hop contextual information into attention calculation and diffuses information in parallel throughout the network to capture critical feature information within the HSI. Afterward, it builds an adaptive weight computation layer that collaborates with multiple parallel AFP modules, enabling the adaptive calculation of node feature weights from various AFP modules and generating desired node representations. Moreover, a node similarity contrastive loss is devised to facilitate the similarity between superpixels from the same category. Experiments with several benchmark HSI datasets validate the effectiveness of PGNDAF across existing methods.
image hiding is a task that embeds secret images in digital images without being detected. The performance of image hiding has been greatly improved by using the invertible neural network. However, current image hidin...
详细信息
image hiding is a task that embeds secret images in digital images without being detected. The performance of image hiding has been greatly improved by using the invertible neural network. However, current image hiding methods are less robust in the face of Joint Photographic Experts Group (JPEG) compression. The secret image cannot be extracted from the stego image after JPEG compression of the stego image. Some methods show good robustness for some certain JPEG compression quality factors but poor robustness for other common JPEG compression quality factors. An image-hiding network (RIHINNet) that is robust to all common JPEG compression quality factors is proposed. First of all, the loss function is redesigned;thus, the secret image is hidden as much as possible in the area that is less likely to be changed after JPEG compression. Second, the classifier is designed, which can help the model to select the extractor according to the range of JPEG compression degree. Finally, the interval robustness of the secret image extraction is improved through the design of a denoising module. Experimental results show that this RIHINNet outperforms other state-of-the-art image-hiding methods in the face of JPEG compressed noise with random compression quality factors, with more than 10 dB peak signal-to-noise ratio improvement in secret image recovery on imageNet, COCO and DIV2K datasets. The loss function is designed to hide the secret image as much as possible in the area that will not change much after JPEG compression, which is helpful to improve the robustness of the model against JPEG compression. The current image-hiding model fails to converge when it is trained robustly for all compression quality factors. Through the design of the classifier, the model can select the extractor according to the range of JPEG compression degree, which can make the model converge while improving the quality of the recovered secret image. The denoising module is designed to improve the
Deep unfolding attempts to leverage the interpretability of traditional model-based algorithms and the learning ability of deep neural networks by unrolling model-based algorithms as neural networks. Following the fra...
详细信息
Deep unfolding attempts to leverage the interpretability of traditional model-based algorithms and the learning ability of deep neural networks by unrolling model-based algorithms as neural networks. Following the framework of deep unfolding, some conventional dictionary learning algorithms have been expanded as networks. However, existing deep unfolding networks for dictionary learning are developed based on formulations with pre-defined priors, e.g., l1-norm, or learn priors using convolutional neural networks with limited receptive fields. To address these issues, we propose a transformer-based deep unfolding network for dictionary learning (TDU-DLNet). The network is developed by unrolling a general formulation of dictionary learning with an implicit prior of representation coefficients. The prior is learned by a transformer-based network where an inter-stage feature fusion module is introduced to decrease information loss among stages. The effectiveness and superiority of the proposed method are validated on image denoising. Experiments based on widely used datasets demonstrate that the proposed method achieves competitive results with fewer parameters as compared with deep learning and other deep unfolding methods.
stochastic resonance has always been a research hotspot in the field of imageprocessing. The ability of the nervous system to detect signals is closely related to nonlinear and collective behavior in neural mediators...
详细信息
In this article, for a class of stochastic pure-feedback nonlinear systems with simultaneous actuator and sensor faults, the problem of adaptive fault-tolerant control is examined. The stochastic pure-feedback nonline...
详细信息
In this article, for a class of stochastic pure-feedback nonlinear systems with simultaneous actuator and sensor faults, the problem of adaptive fault-tolerant control is examined. The stochastic pure-feedback nonlinear system is first converted into a strict-feedback by applying the mean value theorem and radial basis function neural networks are used to approximate the unknown functions. Only one adaptive parameter needs to be calculated online rather than the actual weight vector elements by determining the greatest value of the norm of the neural network weight vector. With the help of regrouping and parameter separation methods, the unavailability of state variables caused by sensor faults is addressed. The Lyapunov function methods and the backstepping recursive design technique are used to design an adaptive fault-tolerant controller. It is shown that by choosing proper the design parameters, the tracking errors converge to a small region of the origin, and all the signals in the closed-loop system are bounded in probability. The performance of the proposed controller is illustrated using a numerical example and a real-world example of a rigid robot manipulator system.
暂无评论