Next Article in Journal
Calibration Method for Relativistic Navigation System Using Parallel Q-Learning Extended Kalman Filter
Previous Article in Journal
Research on a 3D Point Cloud Map Learning Algorithm Based on Point Normal Constraints
Previous Article in Special Issue
A Dual-Branch Fusion of a Graph Convolutional Network and a Convolutional Neural Network for Hyperspectral Image Classification
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Hybrid Sparse Transformer and Wavelet Fusion-Based Deep Unfolding Network for Hyperspectral Snapshot Compressive Imaging

by
Yangke Ying
1,
Jin Wang
2,
Yunhui Shi
1,* and
Nam Ling
3
1
Beijing Key Laboratory of Multimedia and Intelligent Software Technology, Beijing Institute of Artificial Intelligence, School of Information Science and Technology, Beijing University of Technology, Beijing 100124, China
2
Beijing Institute of Artificial Intelligence, School of Computer Science, Beijing University of Technology, Beijing 100124, China
3
Department of Computer Science and Engineering, Santa Clara University, Santa Clara, CA 95053, USA
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(19), 6184; https://doi.org/10.3390/s24196184
Submission received: 13 August 2024 / Revised: 20 September 2024 / Accepted: 21 September 2024 / Published: 24 September 2024

Abstract

:
Recently, deep unfolding network methods have significantly progressed in hyperspectral snapshot compressive imaging. Many approaches directly employ Transformer models to boost the feature representation capabilities of algorithms. However, they often fall short of leveraging the full potential of self-attention mechanisms. Additionally, current methods lack adequate consideration of both intra-stage and inter-stage feature fusion, which hampers their overall performance. To tackle these challenges, we introduce a novel approach that hybridizes the sparse Transformer and wavelet fusion-based deep unfolding network for hyperspectral image (HSI) reconstruction. Our method includes the development of a spatial sparse Transformer and a spectral sparse Transformer, designed to capture spatial and spectral attention of HSI data, respectively, thus enhancing the Transformer’s feature representation capabilities. Furthermore, we incorporate wavelet-based methods for both intra-stage and inter-stage feature fusion, which significantly boosts the algorithm’s reconstruction performance. Extensive experiments across various datasets confirm the superiority of our proposed approach.

1. Introduction

The continuous demand for capturing high-dimensional data has driven the development of imaging devices and processing algorithms. Compared to imaging systems that acquire RGB images, hyperspectral imaging (HSI) systems can capture a wider range of wavelength information from scenes. As a result, they have rapidly developed and been applied to various downstream visual tasks [1,2,3,4,5,6]. Traditional HSI systems primarily acquire scene information through one-dimensional or two-dimensional scanning mechanisms [7]. However, these systems have slow imaging speeds due to the need for multiple exposures, making them unsuitable for dynamic scenes. In recent years, many snapshot compressive imaging (SCI) systems [8,9,10] have emerged with the advancement of compressive sensing theory [11]. These systems can obtain three-dimensional HSI data from two-dimensional observations with a single exposure. Among SCI systems, coded aperture snapshot spectral imaging (CASSI) systems [9] have gained widespread use due to their advantages of low cost, low power consumption, and high sampling rates. Specifically, CASSI systems consist of two main components: a hardware encoder and a software decoder. The hardware encoder uses optical devices like coded apertures and prisms to modulate three-dimensional HSI scenes into two-dimensional compressed measurements. The primary task of the software decoder is to reconstruct the original three-dimensional HSI scenes from the acquired two-dimensional measurements. The quality of data reconstruction entirely depends on the effectiveness of the algorithm used. Therefore, the core challenge of this research is to reconstruct higher-quality original HSI data.
Current reconstruction algorithms can be broadly categorized into two types: traditional model-based optimization methods and learning-based deep neural network methods. Model-based methods typically use various handcrafted priors to solve traditional ill-posed optimization inverse problems [12,13,14,15,16,17,18,19,20]. While these methods benefit from mathematical derivations, enhancing their theoretical interpretability, they face limitations in prior design and often exhibit slow reconstruction speeds. On the other hand, deep learning techniques, with their powerful feature modeling capabilities, have shown outstanding performance in many tasks. Consequently, many learning-based algorithms have been applied to HSI reconstruction to overcome the limitations of model-based methods. Learning-based methods can be further divided into three strategies: end-to-end (E2E) methods, plug-and-play (PnP) methods, and deep unfolding network (DUN) methods. E2E methods [21,22,23,24,25,26,27,28]. use deep networks to directly establish a mapping between three-dimensional HSI data and two-dimensional compressed measurements. Although E2E methods have achieved some impressive reconstruction results, they still suffer from a lack of interpretability due to the black-box nature of the networks. PnP methods [29,30,31,32,33] integrate deep network modules into model-based methods, replacing traditional handcrafted priors with deep network modules. While PnP methods more effectively address the prior subproblem in optimization models, they still follow the traditional optimization process and do not fundamentally overcome the limitations of model-based methods. DUN methods [34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50] construct multi-stage unfolding networks to implement the iterative solving process of model-based methods in an end-to-end manner. DUN methods alleviate the interpretability challenges and provide encouraging experimental results. As a result, DUN methods are rapidly evolving and showing great potential.
Despite the promising reconstruction results, existing DUN methods still face several challenges in HSI reconstruction. On the one hand, many existing DUN methods utilize the non-local information modeling capabilities of Transformer [51] modules to significantly enhance the final reconstruction performance. Existing Transformers typically model the correlations among all tokens in the query–key pairs. However, in practice, if some tokens in the query do not correlate with tokens in the key, the estimated self-attention values for these tokens are still used for feature aggregation, thereby limiting the final feature representation capability. Additionally, sparse self-attention mechanisms have demonstrated outstanding performance in numerous RGB image processing tasks [52,53]. On the other hand, DUN methods experience feature information loss within each network stage due to cross-scale transformations, as well as across different stages due to frequent signal-to-feature conversions. In existing methods, Herosnet [42] mitigates cross-stage information loss by concatenating features from earlier stages and passing them into the next stage. PADUT [45] achieves cross-stage information fusion by applying Fourier transform operations to the features from a frequency-domain perspective. RDLUF [46] reduces intra-stage multi-scale information loss through the convolutional fusion of features at different scales, while also minimizing cross-stage information loss by generating modulation parameters from previous stage features to guide information capture in the next stage. SUCTNet [54] introduces a dual transformer-based module to simultaneously utilize HSI interactions and details at both global and local scales. EDUNet! [49] enhances cross-stage feature transfer efficiency by constructing a cross-stage spectral self-attention network module that leverages HSI characteristics. M2U-Net [55] achieves feature fusion for the HSI super-resolution task through a cross-attention guided module. uHNTC [56] designs a multi-level cross-feature attention mechanism to achieve hierarchical spatial–spectral feature fusion for the hyperspectral and multispectral image fusion task. Recently, wavelet-based feature fusion methods have been applied to many low-level vision tasks [57,58] and have achieved impressive results. This prompts us to explore how to leverage the properties of the wavelet transform [59] to construct a feature fusion module for HSI data, aimed at addressing the issue of intra-stage and cross-stage feature information loss.
To address these challenges, we propose a novel method that hybridizes the sparse Transformer and wavelet fusion-based deep unfolding network for hyperspectral snapshot compressive imaging. Specifically, we introduce a sparse spatial Transformer and a sparse spectral Transformer to model the self-attention in the spatial and spectral dimensions, respectively. By extracting the most relevant regions through sparse operations to compute similarity for feature aggregation, we enhance the feature representation capability of the Transformer. Additionally, we utilize the cross-scale properties of the wavelet transform to construct a wavelet-based intra-stage feature fusion module, addressing the intra-stage feature information loss in DUN methods. Finally, we further leverage the wavelet transform to build an inter-stage feature fusion module, enabling cross-stage feature transmission in the wavelet domain and avoiding the information loss caused by frequent signal-to-feature conversions. The main contributions of this study can be summarized as follows:
  • We propose a novel method that hybridizes the sparse Transformer and wavelet fusion-based deep unfolding network for hyperspectral snapshot compressive imaging.
  • To enhance the expressive capability of existing Transformer methods, we propose a sparse spatial–spectral Transformer. This approach uses sparse operations to avoid calculating correlations for irrelevant tokens during feature aggregation.
  • To address the issue of information loss within and across stages of the DUN method, we design the wavelet-based intra-stage fusion module and wavelet-based inter-stage fusion module, respectively. These fusion modules utilize the characteristics of the wavelet transform to enhance HSI reconstruction.

2. Related Works

2.1. Model-Based Traditional Optimization Methods

For reconstruction methods in the hyperspectral image snapshot compressive imaging task, traditional model-based optimization approaches incorporate various hand-crafted prior knowledge as regularization terms and solve the ill-posed inverse problem through iterative optimization. For instance, GAP-TV [12] incorporates the total variation (TV) prior term and utilizes the generalized alternating projection (GAP) [60] algorithm to address the optimization problem for HSI reconstruction. To exploit the sparse constraint of HSI for reconstruction, Lin et al. [13] suggests learning an overcomplete dictionary that represents HSI more sparsely than previous methods. The paper [14] leverages the spatial and spectral sparsity properties of HSI data to develop a dictionary learning approach based on sparse priors for HSI scene reconstruction. The paper [15] compares the impact of various estimation algorithms on the effectiveness of HSI reconstruction. CT3D [16] introduces a method for reconstructing HSI using coupled tensor decomposition and the alternating direction method of multipliers (ADMM) [61] iteration. MMLE-GMM [17] extends a maximum marginal likelihood estimator to a Gaussian mixture model with a primarily low-rank covariance matrix, achieving accelerated optimization for reconstruction. DeSCI [18] creates a joint model that integrates non-local self-similarity and rank minimization methods with the SCI sensing process, resulting in excellent reconstruction outcomes. NGmeet [20] proposes an algorithm that combines the global spectral low-rank property and spatial non-local self-similarity prior for hyperspectral image reconstruction. Traditional model-based iterative optimization methods, relying on limited prior designs and requiring multiple iterations for optimization, lead to slow reconstruction speeds and suboptimal outcomes.

2.2. Learning-Based Neural Network Methods

Due to the powerful non-linear feature modeling capabilities of deep neural networks, many learning-based methods are being employed to address the reconstruction of HSI data. These learning-based methods can be categorized into three strategies: (1) end-to-end (E2E) methods; (2) plug-and-play (PnP) methods; and (3) deep unfolding network (DUN) methods.
(1) The E2E methods directly model the mapping relationship between 2D compressed measurements and 3D HSI data through end-to-end learning using deep networks. For instance, λ -net [23] sets up a two-stage network, where the initial reconstruction stage utilizes self-attention for reconstruction, followed by a refinement stage to further improve the results. TSA-Net [24] tackles different dimensions separately through the use of spatial–spectral self-attention mechanisms. MST [25] introduces an innovative Mask-guided Spectral-wise Transformer designed for reconstructing HSI. HDNet [26] integrates dual-domain constraints in frequency and spatial–spectral domains within its objective function to improve the quality of reconstruction outcomes. CST [27] introduces a novel coarse-to-fine sparse Transformer approach that incorporates the sparsity of hyperspectral imaging into deep learning for reconstruction purposes. BIRNAT [28] integrates the expressive capabilities of an end-to-end convolutional framework with bidirectional recurrent neural networks (RNNs) to effectively capture sequence correlations in snapshot compressive imaging. However, the end-to-end (E2E) methods encounter challenges in interpretability because of the opaque nature of convolutional networks.
(2) The PnP methods often use the outcomes from pre-trained denoising networks to replace solving the prior subproblem in traditional model-based approaches. PnP-HSI [29] employs a deep learning denoising network as a regularization prior and addresses the reconstruction optimization problem using the ADMM algorithm. PnP-DIP-HSI [30] integrates a deep image prior (DIP) network as a prior within the iterative optimization algorithm, establishing a self-supervised framework for reconstructing HSI. Qiu et al. [31] extends the PnP algorithm by incorporating deep image denoising and total variation priors into the conventional optimization objective. LR2DP [32] and LRSDN [33] leverage the robust spectral correlation and complex spatial structures inherent in HSI for SCI reconstruction, integrating model-driven low-rank priors with data-driven deep priors. The PnP methods provide a partial solution to the interpretability limitations of E2E methods, yet they continue to grapple with the inherent challenge of slow reconstruction speeds characteristic of traditional model-based approaches.
(3) The DUN methods usually utilize multi-stage networks instead of the iterative optimization processes seen in model-based methods. Each stage employs deep neural network models to address both the data and prior subproblems iteratively. For instance, GAP-Net [34] transforms the generalized alternating projection optimization algorithm into a multi-stage network tailored for HSI reconstruction. ADMM-Net [35] unfolds the standard tensor alternating direction method of multipliers optimization algorithm into a multi-layer network structure. DSSP [36] enhances the spatial–spectral fidelity of HSI data by leveraging the local coherence and dynamic features of HSI to construct prior learning. DNU [37] creates a regularization term by exploring both local and non-local correlations of HSI as data-driven priors. Zhang et al. [38] proposes developing a deep Canonical Polyadic decomposition model in the unfolded network to learn a low-rank prior for HSI data. DGSMP [39] combines a learnable Gaussian Scale Mixture prior with the Maximum A Posteriori estimation algorithm to achieve HSI reconstruction. DGSM-Swin [40], a variant of DGSM [39], is constructed by leveraging the Swin Transformer [62], further enhancing the reconstruction performance of HSI. GAP-CCot [41] combines the expressive capabilities of convolution and the content Transformer, creating a hybrid network module that is integrated into the GAP algorithm for SCI reconstruction. HerosNet [42] unfolds the Iterative Shrinkage-Thresholding Algorithm (ISTA) [63] into a multi-stage network, inserting learnable flexible sensing matrices and constructing adaptive dynamic gradient descent at each stage. Ying et al. [43] employ a dual-domain feature learning approach to comprehensively acquire complementary information in the feature space, enhancing the overall algorithm’s feature modeling capability. DAUHST [44] introduces an unfolding network framework that is aware of degradation, where parameters estimated during the degradation process govern different iterative stages. PADUT [45] designs a framework incorporating pixel-adaptive steps and a non-local spectral Transformer to enhance expressive capability at each stage. RDLUF [46] introduces a strategy for residual degradation learning that links the sensing matrix with the degradation process. This integration enhances spectral–spatial representation capabilities by incorporating both spectral and spatial priors. D2PL-Net [47] endeavors to dynamically learn the actual degradation matrix throughout the deep unfolding network process to enhance HSI reconstruction, thereby narrowing the disparity between ideal and real-world degradations. DADF-Net [48] integrates the underlying connection between the network input and the true HSI, introducing a dynamic Fourier network to achieve high-quality HSI reconstruction. EDUNet [49] innovatively introduces a memory-assisted descent method based on momentum acceleration and a cross-stage spectral self-attention network to model the gradient-driven update module and the proximal mapping module, respectively. DPU [50] implements an HSI reconstruction model based on dual prior unfolding, which improves iteration efficiency by jointly utilizing multiple deep priors while strategically incorporating focused attention into the framework to enhance reconstruction quality. The DUN methods combine interpretability with high-quality reconstruction. Nonetheless, the current methods can still be enhanced by improving feature expression and addressing the challenge of cross-stage information loss.

3. Method

3.1. Preliminary

The complete physical imaging process for the Single-Disperser Coded Aperture Snapshot Spectral Imaging (SD-CASSI) system for hyperspectral image (HSI) data is shown in Figure 1. The SD-CASSI system is composed of a set of physical optical devices with different functions, designed to compress 3D HSI data into 2D compressed measurements. In detail, as the objective lens acquires 3D hyperspectral data, each spectral band undergoes modulation along the spatial dimension by the coded aperture. The modulated data subsequently pass through an optical dispersion element to shift each spectral band. Ultimately, all the spectral bands after dispersion are superimposed along the spectral direction to obtain the processed 2D compression measurement data. The 3D HSI data are denoted as X R H × W × N λ , where H, W and N λ represent the height, width and spectral bands of 3D HSI data, respectively. The matrix M R H × W stands for the coded aperture. Hence, the physical imaging process of the 3D HSI can be described as follows:
X ( : , : , n λ ) = X ( : , : , n λ ) M
where X R H × W × N λ denotes the modulated cube, n λ [ 1 , , N λ ] indexes the spectral bands, and ⊙ denotes the element-wise product. The modulated HSI data, after being spatially shifted and summed element-wise across different spectral bands, can be represented as follows:
Y ( m , n ) = n λ = 1 N λ X ( m , n + d λ , n λ ) + N
where Y R H × ( W + N λ 1 ) represents the 2D compressive measurement; m and n represent the spatial coordinates; and d λ represents the shifting distance. N R H × ( W + N λ 1 ) represents the noise. In summary, the vectorized representation of the SD-CASSI system for 3D HSI data is described as follows:
y = Φ x + n
where x R H W N λ , y R H ( W + N λ 1 ) , n R H ( W + N λ 1 ) denote the vectorized form of X , Y, and N, respectively. Φ R H ( W + N λ 1 ) × H W N λ denotes the sensing matrix. After modeling the system’s imaging model, the primary challenge of the HSI snapshot compressive imaging task is to reconstruct the original 3D HSI scene x given y and Φ . In the following sections, we will separately introduce the overall framework of the algorithm, the sparse spatial–spectral Transformer module, the wavelet-based intra-stage fusion module, and the wavelet-based inter-stage fusion module.

3.2. Overall Algorithm Framework

The overall imaging and reconstruction process is shown in Figure 2a. For the given raw HSI datum x , the observed datum y is obtained after passing through the CASSI imaging system. Subsequently, the overall reconstruction process can be modeled as the following optimization problem:
x = arg min x 1 2 y Φ x 2 2 + λ ψ ( x )
where 1 2 y Φ x 2 2 represents the data fidelity term in the optimization problem, ψ ( x ) represents the prior term, and λ represents the weighting parameter. Subsequently, the proximal gradient descent algorithm is employed to solve this ill-posed optimization inverse problem. Specifically, the overall optimization problem is transformed into a gradient descent operation and a proximal mapping operation. The solution process is as follows:
r ( k ) = x ( k 1 ) ρ Φ ( Φ x ( k 1 ) y )
x ( k ) = prox λ , ψ ( r ( k ) )
where Equation (5) represents the gradient descent operation, and Equation (6) represents the proximal mapping operation. Here, x ( k 1 ) and x ( k ) denote the reconstruction results at iteration k 1 and k , respectively. The variable ρ represents the step size, and r ( k ) represents the intermediate variable.
Through the iterative optimization process of x ( k ) and r ( k ) , the final x can be reconstructed. Subsequently, we unfold the different iterative processes into different stages of deep unfolding network architecture, introducing gradient descent modules and proximal mapping modules to replace traditional operations. As shown in Figure 2a, each stage of the unfolded network contains a gradient descent module and a proximal mapping module. The structure of the gradient descent module is shown in Figure 2b. To enhance the representative capacity of the overall network framework, we construct Φ θ ( · ) and Φ θ ( · ) by adding residual networks after the operations of matrices Φ and Φ . The structure of the proximal mapping module is shown in Figure 2c. We adopt a conventional U-Net structure, constructing a sparse spatial–spectral Transformer (SAET) module in the encoder–decoder parts of each layer to enhance the feature representation capabilities. Additionally, we introduce the Wavelet-based Intra-stage Fusion Module (WIntraFM) and Wavelet-based Inter-stage Fusion Module (WInterFM) to reduce feature loss within and across stages. The detailed structures of the different modules are described in the following sections.

3.3. The Sparse Spatial–Spectral Transformer (SAET) Module

The overview of the sparse spatial–spectral Transformer module is shown in Figure 3a. LN represents the Layer Normalization layer, SAMSA and SEMSA represent Sparse Spatial Multi-Head Self-Attention and Sparse Spectral Multi-Head Self-Attention, respectively, and GDFN represents the Gated-Dconv Feed-forward Network. We compose the final SAET module by serially connecting different network parts and utilizing skip connections.
The structures of SAMSA and SEMSA are shown in Figure 3b. Both SAMSA and SEMSA use the same method to transform the input features into queries, keys, and values. The difference lies in the way they compute the self-attention maps. Specifically, for a given input feature X i n R H × W × C , SA/EMSA employs a convolution layer Conv with 1 × 1 kernels and a depth-wise convolution layer DConv with 3 × 3 kernels to embed X i n and generate Q R H × W × C , K R H × W × C , and V R H × W × C . The formulas are expressed as follows:
Q = W d Q W p Q X i n , K = W d K W p K X i n , V = W d V W p V X i n
where W p ( · ) and W q ( · ) represent the weight parameters of the Conv layer and the DConv layer, respectively.
For SAMSA, the input features are split along the spatial dimension into non-overlapping windows of size M × M . Each pixel within a window is treated as a token, and self-attention maps are computed within each window. Therefore, the query Q, key K, and value V features can be reshaped into Q A , K A , V A R H W M 2 × M 2 × C . Subsequently, the Q A , K A , and V A features are split along the last dimension into h heads and represented as: Q A = [ Q A 1 , , Q A h ] , K A = [ K A 1 , , K A h ] , V A = [ V A 1 , , V A h ] . The dimension of each head is d h A = C h . The query Q A i and key K A i are dot-multiplied to obtain a self-attention map M a s k of size H W M 2 × M 2 × M 2 , representing the correlation of all pixels within each window. However, in practice, not all pixels are correlated. By applying sparsification to extract only the relevant pixels for correlation computation, the expressiveness of the self-attention mechanism can be further enhanced. Specifically, for the original self-attention map M a s k , we use a ‘Top-k’ operation to select the top-k pixels with the highest correlation. Then, we apply ‘Softmax’ normalization to compute correlation coefficients for the selected pixels. Finally, we use a ‘scatter’ operation to return the correlation coefficients to the corresponding positions in the original self-attention map M a s k , replacing positions where no correlation coefficient exists with zeros. SAMSA can be formally expressed as follows:
M a s k = Q A i ( K A i )
head i = SparseAtten ( Q A i , K A i , V A i )
= scatter ( Softmax ( Top-k ( Mask ) d A h ) ) V A i
X o u t = W p Concat ( head 1 , , head n ) + X in
where ‘SparseAtten’ represents the sparse self-attention operation, ‘Concat’ represents the feature concatenation operation, W p represents the convolutional layer operation, and X o u t R H × W × C represents the feature output. To better understand the sparsification operation, we present an example of the ‘Top-k’ to ‘Softmax’ to ‘scatter’ operations as shown in Figure 3c.
For SEMSA, the spatial dimensions of the input features are transformed into column vectors of size H W . Each feature channel is treated as a token, and the self-attention map is obtained by calculating the correlations among all channels. Therefore, the query Q, key K, and value V features can be reshaped into Q E , K E , V E R H W × C . Subsequently, we split Q E , K E and V E features along the spectral channel dimension into h heads, represented as Q E = [ Q E 1 , , Q E h ] , K E = [ K E 1 , , K E h ] , V E = [ V E 1 , , V E h ] . The dimension of each head is d h E = C h . Next, the self-attention map M a s k of size C h × C h for each head can be obtained by the dot product of Q E i and K E i , representing the correlations among all channels in the spectral dimension. After obtaining the self-attention map M a s k , we apply the same sparsification operation as in SAMSA to extract the correlated channels and compute the correlation coefficients. Finally, the formal expression of the SEMSA block is as follows:
M a s k = ( K E i ) Q E i
head i = SparseAtten ( Q E i , K E i , V E i )
= scatter ( Softmax ( Top-k ( Mask ) d E h ) ) V E i
X o u t = W p Concat ( head 1 , , head n ) + X in

3.4. The Wavelet-Based Intra-Stage Fusion Module (WIntraFM)

Since the proximal mapping network adopts a U-Net structure, there are up-sampling and down-sampling operations in different encoder–decoder features, leading to feature information loss. Discrete wavelet transform inherently possesses scale down-sampling characteristics, so we construct a wavelet-based intra-stage feature fusion module. The specific structure is shown in Figure 4.
For two encoder output features f e n c 1 ( k ) and f e n c 2 ( k ) at different spatial scales, we apply the wavelet transform operation only to the large-scale feature f e n c 1 ( k ) to leverage the multi-scale characteristics of the wavelet transform. The expression is as follows:
F e n c 1 L L , F e n c 1 L H , F e n c 1 H L , F e n c 1 H H , = DWT ( f enc 1 ( k ) )
where ‘DWT’ represents the discrete wavelet transform. In this paper, we specifically use the Haar wavelet transform. F e n c 1 L L denotes the low-frequency component of the feature f e n c 1 ( k ) , while [ F e n c 1 L H , F e n c 1 H L , F e n c 1 H H ] represents the high-frequency components of the feature f e n c 1 ( k ) . Due to the reduced scale of the features after the wavelet transform, the spatial resolution of the feature f e n c 2 ( k ) matches that of the features [ F e n c 1 L L , F e n c 1 L H , F e n c 1 H L , F e n c 1 H H ] . Subsequently, we perform feature fusion on features of the same size to reduce information loss.
To obtain the high-resolution encoder feature after fusion, we concatenate the low-frequency component F e n c 1 L L with feature f e n c 2 ( k ) and perform a low-frequency enhancement operation to obtain the fused low-frequency information. Additionally, we enhance the high-frequency components [ F e n c 1 L H , F e n c 1 H L , F e n c 1 H H ] separately to obtain the fused high-frequency information. Finally, we perform an inverse wavelet transform on the fused low-frequency and high-frequency features to obtain the final fused feature. The formal expression is as follows:
F ^ L = Conv 3 × 3 ( LRelu ( Conv 1 × 1 ( Concat ( f e n c 2 ( k ) , F e n c 1 LL ) ) ) )
F ^ H = [ F e n c 1 L H , F e n c 1 H L , F e n c 1 H H ] + Conv 1 × 1 ( LRelu ( Conv 1 × 1 ( [ F e n c 1 LH , F e n c 1 HL , F e n c 1 HH ] ) ) )
f ^ e n c 1 ( k ) = IDWT ( F ^ L , F ^ H )
where ‘ Conv 1 × 1 ’ and ‘ Conv 3 × 3 ’ represent convolutional layers with kernel sizes of 1 × 1 and 3 × 3, respectively. ‘Concat’ represents the feature concatenation operation, ‘LRelu’ represents the activation function, and ‘IDWT’ represents the inverse discrete wavelet transform. The variables F ^ L and F ^ H represent the fused low-frequency and high-frequency features, respectively, and f ^ e n c 1 ( k ) represents the output high-resolution fused feature.
To obtain the low-resolution encoder feature after fusion, we first enhance the high-frequency components [ F e n c 1 L H , F e n c 1 H L , F e n c 1 H H ] separately to get the fused high-frequency component F ^ H . Next, we concatenate the fused F ^ H with the low-frequency component F e n c 1 L L and feature f e n c 2 ( k ) , and further enhance these features to obtain the final low-resolution fused feature f ^ e n c 2 ( k ) . The formal expression is as follows:
F ^ H = [ F e n c 1 L H , F e n c 1 H L , F e n c 1 H H ] + Conv 1 × 1 ( LRelu ( Conv 1 × 1 ( [ F e n c 1 LH , F e n c 1 HL , F e n c 1 HH ] ) ) )
f ^ e n c 2 ( k ) = Conv 3 × 3 ( LRelu ( Conv 1 × 1 ( Concat ( F ^ H , F e n c 1 LL , f e n c 2 ( k ) ) ) ) )

3.5. The Wavelet-Based Inter-Stage Fusion Module (WInterFM)

In the deep unfolding network, the continuous transformation of signals to features across different stages leads to feature information loss. Wavelet transform can effectively learn and emphasize high-frequency details in features. Therefore, we design a wavelet-based inter-stage feature fusion module to mitigate the information loss across stages. The specific structure is shown in Figure 5.
Specifically, taking the inter-stage fusion operation of the high-resolution encoder feature F e n c 1 ( k ) at the k stage as an example, we first add the encoder feature f e n c 1 ( k 1 ) and decoder feature f d e c 1 ( k 1 ) from the k 1 stage to obtain feature F ( k 1 ) . Then, we perform a discrete wavelet transform on feature F ( k 1 ) to obtain the high-frequency components [ F L H ( k 1 ) , F H L ( k 1 ) , F H H ( k 1 ) ] and low-frequency component F L L ( k 1 ) . Additionally, we perform a wavelet transform on the feature F e n c 1 ( k ) from the k stage to obtain the high-frequency components [ F L H ( k ) , F H L ( k ) , F H H ( k ) ] and low-frequency component F L L ( k ) . Next, we concatenate the low-frequency components F L L ( k ) and F L L ( k 1 ) , followed by a low-frequency enhancement to obtain the low-frequency component f L L ( k ) of the inter-stage fusion feature. To reduce noise impact, we only perform high-frequency feature enhancement on the high-frequency components [ F L H ( k ) , F H L ( k ) , F H H ( k ) ] from stage k to obtain the fused high-frequency components [ f L H ( k ) , f H L ( k ) , f H H ( k ) ] . Finally, we perform an inverse wavelet transform on the high-frequency components [ f L H ( k ) , f H L ( k ) , f H H ( k ) ] and low-frequency component f L L ( k ) to obtain the final inter-stage fusion feature f e n c 1 ( k ) . The formal expressions are as follows:
F ( k 1 ) = Conv 3 × 3 ( f e n c 1 ( k 1 ) ) + Conv 3 × 3 ( f d e c 1 ( k 1 ) )
F L L ( k 1 ) , F L H ( k 1 ) , F H L ( k 1 ) , F H H ( k 1 ) = DWT ( F ( k 1 ) )
F L L ( k ) , F L H ( k ) , F H L ( k ) , F H H ( k ) = DWT ( F e n c 1 ( k ) )
f L L ( k ) = C o n v 3 × 3 ( L R e l u ( C o n v 1 × 1 ( C o n c a t ( F L L ( k ) , F L L ( k 1 ) ) ) ) )
[ f L H ( k ) , f H L ( k ) , f H H ( k ) ] = C o n v 1 × 1 ( L R e l u ( C o n v 1 × 1 ( [ F L H ( k ) , F H L ( k ) , F H H ( k ) ] ) ) ) + [ F L H ( k ) , F H L ( k ) , F H H ( k ) ]
f e n c 1 ( k ) = I D W T ( f L L ( k ) , [ f L H ( k ) , f H L ( k ) , f H H ( k ) ] )
where ‘ Conv 1 × 1 ’ and ‘ Conv 3 × 3 ’ represent convolutional layers with kernel sizes of 1 × 1 and 3 × 3, respectively. ‘Concat’ represents the feature concatenation operation, ‘LRelu’ represents the activation function, and ‘DWT’ and ‘IDWT’ represent the discrete wavelet transform and inverse transform.

4. Experimental Results

In this section, we conduct experiments on various datasets to validate the superiority of our method compared to other state-of-the-art methods. The specific content includes experimental setup, simulation results, real data results, and ablation study, among other subsections.

4.1. Experiment Setup

Simulated experiments on CAVE and KAIST datasets: The CAVE dataset [64] contains 32 HSI samples, each with spatial dimensions of 512 × 512. The KAIST dataset [65] consists of 30 HSI samples, each with spatial dimensions of 2704 × 3376. Both datasets feature 31 spectral bands, spanning wavelengths from 400 nm to 700 nm with 10 nm intervals. To ensure consistency with the experimental setups of other state-of-the-art methods, we also employ spectral interpolation to adjust each HSI sample to 28 spectral bands within the wavelength range of 450 nm to 650 nm. In the actual training and testing process, we maintain the same experimental settings as other state-of-the-art methods. The CAVE dataset is randomly cropped into HSI patches consistent with the size of the coded aperture to construct the training set. The coded aperture size is 256 × 256, and all training HSI patches are of size 256 × 256 × 28. Meanwhile, we select HSI patches of size 256 × 256 × 28 from 10 scenes in the KAIST dataset as the test set. At this point, the spatial receptive field of our proposed network is 256 × 256.
Simulated experiments on ARAD_1K dataset: The ARAD_1K dataset [66] provides a large-scale natural hyperspectral image dataset. Each HSI sample in the ARAD_1K dataset consists of 31 spectral bands, with a spatial resolution of 482 × 512, and covers a wavelength range of 400–700 nm. It contains 1000 hyperspectral images, of which 900 are used as the training set and 50 as the test set. The size of the coded aperture is set to 256 × 256, and each HSI block in the ARAD_1K training set is cropped to a size of 256 × 256 × 31. Similar to the KAIST dataset, our ARAD_1K test dataset is also constructed by cropping HSI patches of size 256 × 256 × 31 from 10 scenes.
Real-world scene dataset: For the real-world dataset, we use the 2D measurements from five real-scene samples provided by TSA-Net [24] to assess the effectiveness of our proposed method. Each 2D measurement has dimensions of 660 × 714, and the coded aperture is sized at 660 × 660. To build the training dataset, we randomly crop the CAVE and KAIST datasets into data blocks of size 660 × 660 × 28.
Experimental settings: We use Root Mean Square Error (RMSE) as the loss function for the algorithm. Additionally, all related experiments are constructed based on the PyTorch deep learning framework and conducted on an NVIDIA RTX 3090 GPU. The algorithm is trained using the Adam optimizer with an initial learning rate set to 0.0001 and a maximum of 200 training epochs. The spectral shift step for all HSI data is configured to 2. We also use the Peak Signal-to-Noise Ratio (PSNR) and Structural Similarity (SSIM) Index [67] as metrics to evaluate the reconstruction performance of different algorithms. PSNR and SSIM serve as two standards for spatial quality assessment, measuring visual quality and structural similarity, respectively. Higher values for both PSNR and SSIM indicate improved spatial reconstruction.

4.2. Simulation Results on CAVE and KAIST

The objective results comparison for the KAIST dataset test scenes is shown in Table 1. We select nine state-of-the-art methods as comparison methods, including four E2E methods (TSA-Net [24], HDNet [26], MST [25], and CST [27]) and five DUN methods (DGSMP [39], HerosNet [42], DAUHST [44], PADUT [45], and RDLUF [46]). We present the PSNR and SSIM results for all comparison methods, with the best and second-best reconstruction results for all test scenes highlighted in red and blue, respectively. In addition, we calculate the number of parameters (Params) and floating-point operations (FLOPs) to evaluate the model complexity of all comparison methods. As seen in Table 1, our method achieves the best average reconstruction results across all test scenes and delivers the best reconstruction results in most of the individual test scenes. Meanwhile, our method also shows a certain advantage in complexity compared to other methods. Our method achieves a PSNR of 39.76 dB and an SSIM of 0.979. Specifically, compared to the current leading E2E method, CST [27], our results demonstrate an improvement of 3.91 dB in PSNR and 0.0025 in SSIM. Furthermore, compared to the top DUN method, RDLUF [46], our approach improves PSNR by 0.31 dB and SSIM by 0.002. Therefore, these objective results validate the effectiveness of our method on the KAIST test dataset.
To illustrate the qualitative results on the KAIST test dataset, we present a subjective comparison of the reconstruction outcomes for the test scenes using different methods. To better illustrate the comparison between the training and test datasets, we present the RGB images of 10 test scenes from the KAIST dataset and 10 training scenes from the CAVE dataset, shown in Figure 6 and Figure 7, respectively. The subjective comparison of the reconstruction results for scene S10 in the KAIST dataset is shown in Figure 8. We select data from four different spectral bands for the reconstruction results and compare the subjective effects of all methods. We crop and enlarge the yellow box areas in each spectral band image to facilitate a clearer comparison of the reconstruction differences. From Figure 8, it is evident that our proposed method exhibits clearer texture details across different spectral bands compared to other methods. This further validates the effectiveness of our approach on the KAIST test dataset.
Additionally, to further compare the spectral consistency of reconstruction results from different methods, we select a small region from test scene S10 for evaluation as shown in Figure 9a. We present the spectral density curves of different reconstruction results and calculate the correlation coefficients between the reconstructed results and the ground truth data. Our method’s reconstruction results are the closest to the ground truth spectral density curve and achieve the highest correlation coefficient, further validating the accuracy of our reconstruction.

4.3. Simulation Results on ARAD_1K

The objective results comparison for the ARAD_1K dataset test scenes is shown in Table 2. We select nine state-of-the-art methods as comparison methods, including four E2E methods (TSA-Net [24], HDNet [26], MST [25], CST [27]) and five DUN methods (DGSMP [39], HerosNet [42], DAUHST [44], PADUT [45], RDLUF [46]). We present the PSNR and SSIM results for all comparison methods, with the best and second-best reconstruction results for all test scenes highlighted in red and blue, respectively. In addition, we calculate the number of parameters (Params) and floating-point operations (FLOPs) to evaluate the model complexity of all comparison methods. As seen in Table 2, our method achieves the best average test results and optimal performance across all scenarios. Specifically, our method reached PSNR and SSIM metrics of 42.98 dB and 0.985, respectively. Compared to the next best method, our approach shows an average improvement of 0.2dB in PSNR and 0.001 in SSIM. These objective results validate the effectiveness of the proposed method on the ARAD_1K dataset.
To illustrate the qualitative results on the ARAD_1K test dataset, we present a subjective comparison of the reconstruction outcomes for the test scenes using different methods. The RGB images of all test scenes from the ARAD_1K dataset are shown in Figure 10. The subjective comparison of the reconstruction results for scene S5 is shown in Figure 11. We select reconstruction results from four different spectral bands to compare the subjective performance of all methods. To facilitate the comparison of differences in reconstruction results, we crop and enlarge the yellow box areas in each spectral band image. As shown in Figure 11, our method produces reconstruction results with fewer artifacts and clearer structural textures compared to other methods. This further validates the effectiveness of our approach on the ARAD_1K test dataset.
Additionally, to further compare the spectral consistency of reconstruction results from different methods, we also select a small region from test scene S5 for evaluation, as shown in Figure 9b. We present the spectral density curves of different reconstruction results and calculate the correlation coefficients between the reconstructed results and the ground truth data. Our method’s reconstruction results are the closest to the ground truth spectral density curve and achieve the highest correlation coefficient, further validating the accuracy of our reconstruction.

4.4. Real Data Results

To validate the effectiveness of our method in real-world scenarios, we conduct tests on a real-world scene dataset. We compare our method with five advanced methods, including two E2E methods (TSA-Net [24], HDNet [26]) and three DUN methods (DGSMP [39], DAUHST [44], RDLUF [46]). Due to the large size of the test scenes, our method and other DUN methods are all compared using the same three-stage network. The RGB images of the five test scenes from the real-world scene dataset are shown in Figure 12. Since the dataset lacks ground truth data, we compare the reconstruction results of different methods by referencing the RGB images. We select scene S3 to present the subjective reconstruction results. As shown in Figure 13, our method produces smoother and clearer appearances in three different spectral bands. Notably, for the yellow-marked facial area, our reconstruction results retain structural content with fewer reconstruction artifacts. This demonstrates the effectiveness of our proposed method for real-world test data.

4.5. Ablation Study

To validate the impact of the number of stages on the overall performance of our algorithm, we conduct ablation experiments with different stage counts. As shown in Table 3, we evaluate the model complexity and average reconstruction performance of our algorithm with varying stage numbers on the CAVE and KAIST simulation datasets. Since our algorithm maintains parameter sharing within the network structure of each stage, the number of model parameters does not change with the number of stages. However, the number of floating-point operations (FLOPs) increases with the number of stages. The results indicate that the performance of our method improves with the increase in the number of stages. To balance model effectiveness and complexity, we ultimately adopt nine stages for the overall model configuration.
To verify the effectiveness of different modules in our method, we conduct ablation experiments with models composed of different structures. All experiments utilize models with nine stages and are tested on the CAVE and KAIST simulation datasets. Table 4 shows the average test reconstruction results and model complexity for different model configurations. We use the basic spatial–spectral Transformer structure as a baseline for comparison, as shown in row (a) of Table 4. To evaluate the effectiveness of different modules in enhancing reconstruction, we conduct four experiments: using only the SAET module, combining the SAET and WIntraF modules, combining the SAET and WInterF modules, and combining all modules. The results of these experiments are presented in rows (b) to (e) of Table 4, respectively. Specifically, from the results of row (b) in Table 4, it is evident that compared to the baseline model, the SAET model significantly enhances reconstruction performance, with improvements of 0.25 dB in PSNR and 0.001 dB in SSIM. This demonstrates the improvement in the overall model’s expressive capability brought by our proposed sparse spatial–spectral Transformer network structure. Additionally, comparing rows (c) and (d) with row (b) in Table 4 shows that the model combining SAET and WIntraF achieves a 0.11 dB improvement in PSNR over the SAET-only model, while the model combining SAET and WInterF achieves a 0.14 dB improvement in PSNR over the SAET-only model. These results clearly validate the effectiveness of the wavelet-based intra-stage and inter-stage fusion modules. Finally, the reconstruction results of the complete model in row (e) verify the performance enhancement of the proposed model across various component structures.
To validate the impact of different sparsity coefficients in the sparse spatial–spectral Transformer structure, we conduct ablation experiments with various sparsity coefficients. As shown in Table 5, the spatial Top-k and spectral Top-k rows represent the spatial and spectral sparsity coefficients, respectively. Different sparsity coefficients indicate the proportion of sparse elements in the correlation matrix relative to the total elements. When the spatial and spectral sparsity coefficients are both set to 1, all elements are selected as sparse elements, making the model structure identical to the original spatial–spectral Transformer structure. According to Table 5, the optimal reconstruction performance is achieved when the spatial sparsity coefficient is 1/3 and the spectral sparsity coefficient is 4/5, resulting in a 0.25 dB improvement in PSNR compared to the original spatial–spectral Transformer structure. Therefore, in the overall algorithm, we select 1/2 and 4/5 as the sparsity coefficients for the spatial and spectral dimensions, respectively.

5. Conclusions

In this study, we propose a deep unfolding network that hybridizes sparse Transformer and wavelet fusion for the snapshot compressive imaging of hyperspectral images (HSIs). Firstly, since not all elements in hyperspectral images are correlated in the spatial and spectral dimensions, we introduce a spatial–spectral sparse Transformer technique to enhance the feature representation capability of the algorithm. Then, to address the issue of feature information loss due to scale transformation within stages, we propose a wavelet-based intra-stage feature fusion method. Finally, we introduce a wavelet-based inter-stage feature fusion method to tackle feature information loss caused by signal-to-feature conversions between stages. Experiments on various simulated and real datasets further validate that the proposed algorithm achieves superior hyperspectral image reconstruction results. However, the current method’s utilization of wavelet transforms is still preliminary. In future work, we will explore how to learn the sparsity coefficients to better accommodate different model structures. Additionally, we will continue to explore how to utilize wavelet transform features better to design network structures, thereby further improving the algorithm’s performance.

Author Contributions

Conceptualization, Y.Y. and J.W.; methodology, Y.Y.; software, Y.Y.; validation, Y.Y.; formal analysis, Y.Y. and J.W.; writing—original draft preparation, Y.Y.; writing—review and editing, J.W., Y.S. and N.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Key R&D Program of China (No. 2021ZD0111902), NSFC (62272016, 62372018, U21B2038).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data are contained within the article.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Pan, Z.; Healey, G.; Prasad, M.; Tromberg, B. Face recognition in hyperspectral images. IEEE Trans. Pattern Anal. Mach. Intell. 2003, 25, 1552–1560. [Google Scholar]
  2. Huang, Y.; Peng, J.; Sun, W.; Chen, N.; Du, Q.; Ning, Y.; Su, H. Two-branch attention adversarial domain adaptation network for hyperspectral image classification. IEEE Trans. Geosci. Remote Sens. 2022, 60, 1–13. [Google Scholar] [CrossRef]
  3. Zhu, L.; Wu, J.; Biao, W.; Liao, Y.; Gu, D. Spectralmae: Spectral masked autoencoder for hyperspectral remote sensing image reconstruction. Sensors 2023, 23, 3728. [Google Scholar] [CrossRef]
  4. Wang, X.; Chen, J.; Wei, Q.; Richard, C. Hyperspectral image super-resolution via deep prior regularization with parameter estimation. IEEE Trans. Circuits Syst. Video Technol. 2021, 32, 1708–1723. [Google Scholar] [CrossRef]
  5. Liu, S.; Li, Z.; Wang, G.; Qiu, X.; Liu, T.; Cao, J.; Zhang, D. Spectral–Spatial Feature Fusion for Hyperspectral Anomaly Detection. Sensors 2024, 24, 1652. [Google Scholar] [CrossRef]
  6. He, C.; Wei, Y.; Guo, K.; Han, H. Removal of Mixed Noise in Hyperspectral Images Based on Subspace Representation and Nonlocal Low-Rank Tensor Decomposition. Sensors 2024, 24, 327. [Google Scholar] [CrossRef]
  7. Xie, Y.; Liu, C.; Liu, S.; Song, W.; Fan, X. Snapshot imaging spectrometer based on pixel-level filter array (PFA). Sensors 2021, 21, 2289. [Google Scholar] [CrossRef]
  8. Cao, X.; Yue, T.; Lin, X.; Lin, S.; Yuan, X.; Dai, Q.; Carin, L.; Brady, D.J. Computational snapshot multispectral cameras: Toward dynamic capture of the spectral world. IEEE Signal Process. Mag. 2016, 33, 95–108. [Google Scholar] [CrossRef]
  9. Wagadarikar, A.; John, R.; Willett, R.; Brady, D. Single disperser design for coded aperture snapshot spectral imaging. Appl. Optics 2008, 47, B44–B51. [Google Scholar] [CrossRef]
  10. Song, L.; Wang, L.; Kim, M.H.; Huang, H. High-accuracy image formation model for coded aperture snapshot spectral imaging. IEEE Trans. Comput. Imag. 2022, 8, 188–200. [Google Scholar] [CrossRef]
  11. Donoho, D.L. Compressed sensing. IEEE Trans. Inf. Theory 2006, 52, 1289–1306. [Google Scholar] [CrossRef]
  12. Yuan, X. Generalized alternating projection based total variation minimization for compressive sensing. In Proceedings of the 2016 IEEE International Conference on Image Processing (ICIP), Phoenix, AZ, USA, 25–28 September 2016; pp. 2539–2543. [Google Scholar]
  13. Lin, X.; Liu, Y.; Wu, J.; Dai, Q. Spatial-spectral encoded compressive hyperspectral imaging. ACM Trans. Graph. 2014, 33, 1–11. [Google Scholar] [CrossRef]
  14. Kittle, D.; Choi, K.; Wagadarikar, A.; Brady, D.J. Multiframe image estimation for coded aperture snapshot spectral imagers. Appl. Optics 2010, 49, 6824–6833. [Google Scholar] [CrossRef] [PubMed]
  15. García-Sánchez, I.; Fresnedo, Ó.; González-Coma, J.P.; Castedo, L. Coded aperture hyperspectral image reconstruction. Sensors 2021, 21, 6551. [Google Scholar] [CrossRef]
  16. Xu, Y.; Wu, Z.; Chanussot, J.; Wei, Z. Hyperspectral computational imaging via collaborative Tucker3 tensor decomposition. IEEE Trans. Circuits Syst. Video Technol. 2020, 31, 98–111. [Google Scholar] [CrossRef]
  17. Yang, J.; Liao, X.; Yuan, X.; Llull, P.; Brady, D.J.; Sapiro, G.; Carin, L. Compressive sensing by learning a Gaussian mixture model from measurements. IEEE Trans. Image Process. 2014, 24, 106–119. [Google Scholar] [CrossRef]
  18. Liu, Y.; Yuan, X.; Suo, J.; Brady, D.J.; Dai, Q. Rank minimization for snapshot compressive imaging. IEEE Trans. Pattern Anal. Mach. Intell. 2018, 41, 2990–3006. [Google Scholar] [CrossRef]
  19. Zhang, S.; Huang, H.; Fu, Y. Fast parallel implementation of dual-camera compressive hyperspectral imaging system. IEEE Trans. Circuits Syst. Video Technol. 2018, 29, 3404–3414. [Google Scholar] [CrossRef]
  20. He, W.; Yao, Q.; Li, C.; Yokoya, N.; Zhao, Q.; Zhang, H.; Zhang, L. Non-local meets global: An iterative paradigm for hyperspectral image restoration. IEEE Trans. Pattern Anal. Mach. Intell. 2020, 44, 2089–2107. [Google Scholar] [CrossRef]
  21. Sun, Y.; Yang, Y.; Liu, Q.; Kankanhalli, M. Unsupervised spatial-spectral network learning for hyperspectral compressive snapshot reconstruction. IEEE Trans. Geosci. Remote Sens. 2021, 60, 1–14. [Google Scholar] [CrossRef]
  22. Xu, P.; Liu, L.; Jia, Y.; Zheng, H.; Xu, C.; Xue, L. A Refinement Boosted and Attention Guided Deep FISTA Reconstruction Framework for Compressive Spectral Imaging. IEEE Trans. Geosci. Remote Sens. 2023, 61, 1–12. [Google Scholar] [CrossRef]
  23. Miao, X.; Yuan, X.; Pu, Y.; Athitsos, V. l-net: Reconstruct hyperspectral images from a snapshot measurement. In Proceedings of the 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Republic of Korea, 27 October–2 November 2019; pp. 4059–4069. [Google Scholar]
  24. Meng, Z.; Ma, J.; Yuan, X. End-to-end low cost compressive spectral imaging with spatial-spectral self-attention. In Proceedings of the European Conference on Computer Vision, Glasgow, UK, 23–28 August 2020; Springer: Cham, Switzerland, 2020; pp. 187–204. [Google Scholar]
  25. Cai, Y.; Lin, J.; Hu, X.; Wang, H.; Yuan, X.; Zhang, Y.; Timofte, R.; Van Gool, L. Mask-guided spectral-wise transformer for efficient hyperspectral image reconstruction. In Proceedings of the 2022 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), New Orleans, LA, USA, 18–24 June 2022; pp. 17502–17511. [Google Scholar]
  26. Hu, X.; Cai, Y.; Lin, J.; Wang, H.; Yuan, X.; Zhang, Y.; Timofte, R.; Van Gool, L. Hdnet: High-resolution dual-domain learning for spectral compressive imaging. In Proceedings of the 2022 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), New Orleans, LA, USA, 18–24 June 2022; pp. 17542–17551. [Google Scholar]
  27. Cai, Y.; Lin, J.; Hu, X.; Wang, H.; Yuan, X.; Zhang, Y.; Timofte, R.; Van Gool, L. Coarse-to-fine sparse transformer for hyperspectral image reconstruction. In Proceedings of the European Conference on Computer Vision, Tel Aviv, Israel, 23–27 October 2022; Springer: Cham, Switzerland, 2022; pp. 686–704. [Google Scholar]
  28. Cheng, Z.; Chen, B.; Lu, R.; Wang, Z.; Zhang, H.; Meng, Z.; Yuan, X. Recurrent neural networks for snapshot compressive imaging. IEEE Trans. Pattern Anal. Mach. Intell. 2022, 45, 2264–2281. [Google Scholar] [CrossRef] [PubMed]
  29. Zheng, S.; Liu, Y.; Meng, Z.; Qiao, M.; Tong, Z.; Yang, X.; Han, S.; Yuan, X. Deep plug-and-play priors for spectral snapshot compressive imaging. Photonics Res. 2021, 9, B18–B29. [Google Scholar] [CrossRef]
  30. Meng, Z.; Yu, Z.; Xu, K.; Yuan, X. Self-supervised neural networks for spectral snapshot compressive imaging. In Proceedings of the 2021 IEEE/CVF International Conference on Computer Vision (ICCV), Montreal, QC, Canada, 10–17 October 2021; pp. 2622–2631. [Google Scholar]
  31. Qiu, H.; Wang, Y.; Meng, D. Effective snapshot compressive-spectral imaging via deep denoising and total variation priors. In Proceedings of the 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Nashville, TN, USA, 20–25 June 2021; pp. 9127–9136. [Google Scholar]
  32. Chen, Y.; Gui, X.; Zeng, J.; Zhao, X.L.; He, W. Combining low-rank and deep plug-and-play priors for snapshot compressive imaging. IEEE Trans. Neural Netw. Learn. Syst. 2023, 1–13. [Google Scholar] [CrossRef] [PubMed]
  33. Chen, Y.; Lai, W.; He, W.; Zhao, X.L.; Zeng, J. Hyperspectral compressive snapshot reconstruction via coupled low-rank subspace representation and self-supervised deep network. IEEE Trans. Image Process. 2024, 33, 926–941. [Google Scholar] [CrossRef]
  34. Meng, Z.; Jalali, S.; Yuan, X. Gap-net for snapshot compressive imaging. arXiv 2020, arXiv:2012.08364. [Google Scholar]
  35. Ma, J.; Liu, X.Y.; Shou, Z.; Yuan, X. Deep tensor admm-net for snapshot compressive imaging. In Proceedings of the 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Republic of Korea, 27 October–2 November 2019; pp. 10223–10232. [Google Scholar]
  36. Wang, L.; Sun, C.; Fu, Y.; Kim, M.H.; Huang, H. Hyperspectral image reconstruction using a deep spatial-spectral prior. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019; pp. 8032–8041. [Google Scholar]
  37. Wang, L.; Sun, C.; Zhang, M.; Fu, Y.; Huang, H. Dnu: Deep non-local unrolling for computational spectral imaging. In Proceedings of the 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 1661–1671. [Google Scholar]
  38. Zhang, S.; Wang, L.; Zhang, L.; Huang, H. Learning tensor low-rank prior for hyperspectral image reconstruction. In Proceedings of the 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Nashville, TN, USA, 20–25 June 2021; pp. 12006–12015. [Google Scholar]
  39. Huang, T.; Dong, W.; Yuan, X.; Wu, J.; Shi, G. Deep gaussian scale mixture prior for spectral compressive imaging. In Proceedings of the 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Nashville, TN, USA, 20–25 June 2021; pp. 16216–16225. [Google Scholar]
  40. Huang, T.; Yuan, X.; Dong, W.; Wu, J.; Shi, G. Deep Gaussian Scale Mixture Prior for Image Reconstruction. IEEE Trans. Pattern Anal. Mach. Intell. 2023, 45, 10778–10794. [Google Scholar] [CrossRef]
  41. Wang, L.; Wu, Z.; Zhong, Y.; Yuan, X. Snapshot spectral compressive imaging reconstruction using convolution and contextual Transformer. Photonics Res. 2022, 10, 1848–1858. [Google Scholar] [CrossRef]
  42. Zhang, X.; Zhang, Y.; Xiong, R.; Sun, Q.; Zhang, J. HerosNet: Hyperspectral Explicable Reconstruction and Optimal Sampling Deep Network for Snapshot Compressive Imaging. In Proceedings of the 2022 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), New Orleans, LA, USA, 18–24 June 2022; pp. 17532–17541. [Google Scholar]
  43. Ying, Y.; Wang, J.; Shi, Y.; Yin, B. Dual-Domain Feature Learning and Memory-Enhanced Unfolding Network for Spectral Compressive Imaging. In Proceedings of the 2023 IEEE International Conference on Multimedia and Expo (ICME), Brisbane, Australia, 10–14 July 2023; pp. 1589–1594. [Google Scholar]
  44. Cai, Y.; Lin, J.; Wang, H.; Yuan, X.; Ding, H.; Zhang, Y.; Timofte, R.; Gool, L.V. Degradation-aware unfolding half-shuffle transformer for spectral compressive imaging. Adv. Neural Inf. Process. Syst. 2022, 35, 37749–37761. [Google Scholar]
  45. Li, M.; Fu, Y.; Liu, J.; Zhang, Y. Pixel Adaptive Deep Unfolding Transformer for Hyperspectral Image Reconstruction. In Proceedings of the 2023 IEEE/CVF International Conference on Computer Vision (ICCV), Paris, France, 1–6 October 2023; pp. 12959–12968. [Google Scholar]
  46. Dong, Y.; Gao, D.; Qiu, T.; Li, Y.; Yang, M.; Shi, G. Residual degradation learning unfolding framework with mixing priors across spectral and spatial for compressive spectral imaging. In Proceedings of the 2023 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Vancouver, BC, Canada, 17–24 June 2023; pp. 22262–22271. [Google Scholar]
  47. Yang, J.; Lin, T.; Liu, F.; Xiao, L. Learning Degradation-Aware Deep Prior for Hyperspectral Image Reconstruction. IEEE Trans. Geosci. Remote Sens. 2023, 61, 1–15. [Google Scholar] [CrossRef]
  48. Xu, P.; Liu, L.; Zheng, H.; Yuan, X.; Xu, C.; Xue, L. Degradation-aware dynamic fourier-based network for spectral compressive imaging. IEEE Trans. Multimed. 2023, 26, 2838–2850. [Google Scholar] [CrossRef]
  49. Qin, X.; Quan, Y.; Ji, H. Enhanced deep unrolling networks for snapshot compressive hyperspectral imaging. Neural Netw. 2024, 174, 106250. [Google Scholar] [CrossRef] [PubMed]
  50. Zhang, J.; Zeng, H.; Cao, J.; Chen, Y.; Yu, D.; Zhao, Y.P. Dual Prior Unfolding for Snapshot Compressive Imaging. In Proceedings of the 2024 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 16–22 June 2024; pp. 25742–25752. [Google Scholar]
  51. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.; Unterthiner, T.; Dehghani, M.; Minderer, M.; Heigold, G.; Gelly, S.; et al. An image is worth 16x16 words: Transformers for image recognition at scale. arXiv 2020, arXiv:2010.11929. [Google Scholar]
  52. Fu, Z.; Fu, Z.; Liu, Q.; Cai, W.; Wang, Y. Sparsett: Visual tracking with sparse transformers. arXiv 2022, arXiv:2205.03776. [Google Scholar]
  53. Chen, X.; Li, H.; Li, M.; Pan, J. Learning a sparse transformer network for effective image deraining. In Proceedings of the 2023 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Vancouver, BC, Canada, 17–24 June 2023; pp. 5896–5905. [Google Scholar]
  54. Zhou, H.; Lian, Y.; Li, J.; Liu, Z.; Cao, X.; Ma, C. Supervised-unsupervised combined transformer for spectral compressive imaging reconstruction. Opt. Lasers Eng. 2024, 175, 108030. [Google Scholar] [CrossRef]
  55. Li, J.; Zheng, K.; Gao, L.; Ni, L.; Huang, M.; Chanussot, J. Model-informed Multi-stage Unsupervised Network for Hyperspectral Image Super-resolution. IEEE Trans. Geosci. Remote Sens. 2024, 62, 5516117. [Google Scholar]
  56. Cao, X.; Lian, Y.; Wang, K.; Ma, C.; Xu, X. Unsupervised hybrid network of transformer and CNN for blind hyperspectral and multispectral image fusion. IEEE Trans. Geosci. Remote Sens. 2024, 62, 5507615. [Google Scholar] [CrossRef]
  57. Ma, W.; Pan, Z.; Guo, J.; Lei, B. Achieving super-resolution remote sensing images via the wavelet transform combined with the recursive res-net. IEEE Trans. Geosci. Remote Sens. 2019, 57, 3512–3527. [Google Scholar] [CrossRef]
  58. Dong, J.; Pan, J.; Yang, Z.; Tang, J. Multi-scale residual low-pass filter network for image deblurring. In Proceedings of the 2023 IEEE/CVF International Conference on Computer Vision (ICCV), Paris, France, 1–6 October 2023; pp. 12345–12354. [Google Scholar]
  59. Torrence, C.; Compo, G.P. A practical guide to wavelet analysis. Bull. Am. Meteorol. Soc. 1998, 79, 61–78. [Google Scholar] [CrossRef]
  60. Liao, X.; Li, H.; Carin, L. Generalized alternating projection for weighted-2,1 minimization with applications to model-based compressive sensing. SIAM J. Imaging Sci. 2014, 7, 797–823. [Google Scholar] [CrossRef]
  61. Boyd, S.; Parikh, N.; Chu, E.; Peleato, B.; Eckstein, J. Distributed optimization and statistical learning via the alternating direction method of multipliers. Found. Trends Mach. Learn. 2011, 3, 1–122. [Google Scholar] [CrossRef]
  62. Liu, Z.; Lin, Y.; Cao, Y.; Hu, H.; Wei, Y.; Zhang, Z.; Lin, S.; Guo, B. Swin transformer: Hierarchical vision transformer using shifted windows. In Proceedings of the 2021 IEEE/CVF International Conference on Computer Vision (ICCV), Montreal, QC, Canada, 10–17 October 2021; pp. 10012–10022. [Google Scholar]
  63. Beck, A.; Teboulle, M. A fast iterative shrinkage-thresholding algorithm for linear inverse problems. SIAM J. Imaging Sci. 2009, 2, 183–202. [Google Scholar] [CrossRef]
  64. Park, J.I.; Lee, M.H.; Grossberg, M.D.; Nayar, S.K. Multispectral imaging using multiplexed illumination. In Proceedings of the 2007 IEEE 11th International Conference on Computer Vision, Rio de Janeiro, Brazil, 14–21 October 2007; pp. 1–8. [Google Scholar]
  65. Choi, I.; Kim, M.; Gutierrez, D.; Jeon, D.; Nam, G. High-quality hyperspectral reconstruction using a spectral prior. ACM Trans. Graph. 2017, 36, 1–13. [Google Scholar] [CrossRef]
  66. Arad, B.; Timofte, R.; Yahel, R.; Morag, N.; Bernat, A.; Cai, Y.; Lin, J.; Lin, Z.; Wang, H.; Zhang, Y.; et al. Ntire 2022 spectral recovery challenge and data set. In Proceedings of the 2022 IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), New Orleans, LA, USA, 19–20 June 2022; pp. 863–881. [Google Scholar]
  67. 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] [PubMed]
Figure 1. The physical imaging process of the SD-CASSI system for HSI data.
Figure 1. The physical imaging process of the SD-CASSI system for HSI data.
Sensors 24 06184 g001
Figure 2. Overall algorithm framework. (a) The complete imaging and reconstruction process of the system. (b) The network structure of the gradient descent module. (c) The network structure of the proximal mapping module.
Figure 2. Overall algorithm framework. (a) The complete imaging and reconstruction process of the system. (b) The network structure of the gradient descent module. (c) The network structure of the proximal mapping module.
Sensors 24 06184 g002
Figure 3. (a) The structure of the sparse spatial–spectral Transformer module. (b) The structure of the sparse spatial/spectral multi-head self-attention. (c) A specific example of a correlation map sparsification. (d) The detailed structure of the gated-dconv feed-forward network.
Figure 3. (a) The structure of the sparse spatial–spectral Transformer module. (b) The structure of the sparse spatial/spectral multi-head self-attention. (c) A specific example of a correlation map sparsification. (d) The detailed structure of the gated-dconv feed-forward network.
Sensors 24 06184 g003
Figure 4. The wavelet-based intra-stage fusion module.
Figure 4. The wavelet-based intra-stage fusion module.
Sensors 24 06184 g004
Figure 5. The wavelet-based inter-stage fusion module.
Figure 5. The wavelet-based inter-stage fusion module.
Sensors 24 06184 g005
Figure 6. RGB images of ten test scenes from the KAIST dataset.
Figure 6. RGB images of ten test scenes from the KAIST dataset.
Sensors 24 06184 g006
Figure 7. RGB images of 10 training scenes from the CAVE dataset.
Figure 7. RGB images of 10 training scenes from the CAVE dataset.
Sensors 24 06184 g007
Figure 8. Comparison of the reconstruction results for scene S10 in the KAIST test dataset using different methods. The enlarged regions help to compare the reconstruction results better.
Figure 8. Comparison of the reconstruction results for scene S10 in the KAIST test dataset using different methods. The enlarged regions help to compare the reconstruction results better.
Sensors 24 06184 g008
Figure 9. Spectral density curves of reconstruction results for KAIST test scene S10 and ARAD_1K test scene S5 using different methods. (a,b) The spectral density curves and correlation coefficients, respectively, for the selected regions.
Figure 9. Spectral density curves of reconstruction results for KAIST test scene S10 and ARAD_1K test scene S5 using different methods. (a,b) The spectral density curves and correlation coefficients, respectively, for the selected regions.
Sensors 24 06184 g009
Figure 10. RGB images of ten test scenes from the ARAD_1K dataset.
Figure 10. RGB images of ten test scenes from the ARAD_1K dataset.
Sensors 24 06184 g010
Figure 11. Comparison of the reconstruction results for scene S5 in the ARAD_1K test dataset using different methods. The enlarged regions help to compare the reconstruction results better.
Figure 11. Comparison of the reconstruction results for scene S5 in the ARAD_1K test dataset using different methods. The enlarged regions help to compare the reconstruction results better.
Sensors 24 06184 g011
Figure 12. RGB images of five real-world test scenes.
Figure 12. RGB images of five real-world test scenes.
Sensors 24 06184 g012
Figure 13. Subjective comparison of reconstruction results for three different spectral bands in real scene S3 using different methods. Enlarged areas are used to compare the differences in reconstruction results more clearly.
Figure 13. Subjective comparison of reconstruction results for three different spectral bands in real scene S3 using different methods. Enlarged areas are used to compare the differences in reconstruction results more clearly.
Sensors 24 06184 g013
Table 1. Comparison of results using the KAIST test scenes, with the PSNR metric (in dB) presented as the upper entry and the SSIM metric as the lower entry in each cell. The best results are highlighted in red, and the second-best results are highlighted in blue.
Table 1. Comparison of results using the KAIST test scenes, with the PSNR metric (in dB) presented as the upper entry and the SSIM metric as the lower entry in each cell. The best results are highlighted in red, and the second-best results are highlighted in blue.
AlgorithmsParamsFLOPsS1S2S3S4S5S6S7S8S9S10Average
TSA-Net [24]44.25 M110.06 G32.0331.0032.2539.1929.3931.4430.3229.3530.0129.5931.46
0.8920.8580.9150.9530.8840.9080.8780.8880.8900.8740.894
HDNet [26]2.37 M154.76 G35.1435.6736.0342.3032.6934.4633.6732.4834.8932.3834.97
0.9350.9400.9430.9690.9460.9520.9260.9410.9420.9370.943
MST-L [25]2.03 M28.15 G35.4035.8736.5142.2732.7734.8033.6632.6735.3932.5035.18
0.9410.9440.9530.9730.9470.9550.9250.9480.9490.9410.948
CST-L [27]3.00 M27.81 G35.8236.5437.3942.2833.4035.5234.4433.8335.9233.3635.85
0.9470.9520.9590.9720.9530.9620.9370.9590.9510.9480.954
DGSMP [39]3.76 M646.65 G33.2632.0933.0640.5428.8633.0830.7431.5531.6631.4432.63
0.9150.8980.9250.9640.8820.9370.8860.9230.9110.9250.917
HerosNet [42]11.75 M446.29 G35.7535.4034.0738.5933.3135.5833.2733.7534.0433.1834.69
0.9720.9680.9660.9870.9690.9770.9630.9710.9670.9680.971
DAUHST [44]6.15 M79.50 G37.2539.0241.0546.1535.8037.0837.5735.1040.0234.5938.36
0.9580.9670.9710.9830.9690.9700.9630.9660.9700.9560.967
PADUT [45]5.38 M90.46 G37.3640.4342.3846.6236.2637.2737.8335.3340.8634.5538.89
0.9620.9780.9790.9900.9740.9740.9660.9740.9780.9630.974
RDLUF [46]1.89 M231.09 G37.7440.7643.0547.5936.9337.5438.3435.5742.1834.7739.45
0.9670.9790.9810.9920.9780.9780.9710.9740.9820.9640.977
Ours2.25 M121.43 G37.8540.8043.1048.1237.4837.5238.6336.4142.0435.6239.76
0.9700.9800.9820.9930.9800.9790.9710.9790.9820.9700.979
Table 2. Comparison of results using the ARAD_1K test scenes, with the PSNR metric (in dB) presented as the upper entry and the SSIM metric as the lower entry in each cell. The best results are highlighted in red, and the second-best results are highlighted in blue.
Table 2. Comparison of results using the ARAD_1K test scenes, with the PSNR metric (in dB) presented as the upper entry and the SSIM metric as the lower entry in each cell. The best results are highlighted in red, and the second-best results are highlighted in blue.
AlgorithmsParamsFLOPsS1S2S3S4S5S6S7S8S9S10Average
TSA-Net [24]44.25 M110.06 G33.7928.3827.1133.3625.8525.0929.4920.8821.3431.8827.72
0.9500.8770.8860.9240.8310.6710.8880.6870.7820.8750.837
HDNet [26]2.37 M154.76 G35.1828.9628.5435.5426.5831.4030.2229.9929.7732.9330.91
0.9350.8620.8750.9180.8160.8230.8740.7930.8840.8850.866
MST-L [25]2.03 M28.15 G37.8931.4431.0636.8129.7935.0532.8332.6234.0934.9933.66
0.9620.9030.9170.9350.8970.9060.9210.8580.9410.9230.916
CST-L [27]3.00 M27.81 G41.0634.0933.4039.2532.1838.7835.1634.6237.0636.7236.23
0.9780.9380.9480.9570.9350.9550.9530.9010.9720.9470.948
DGSMP [39]3.76M646.65G37.1029.9729.4436.3028.2034.8031.1831.5132.0533.9232.45
0.9590.8860.9080.9350.8750.9010.9080.8400.9280.9120.905
HerosNet [42]11.75 M446.29 G38.1733.2732.1139.3129.4433.9032.7232.2233.1833.9633.83
0.9810.9580.9550.9820.9290.9510.9480.9260.9770.9470.955
DAUHST [44]6.15 M79.50 G45.9440.5339.2646.8538.2643.6740.4438.9444.4140.6241.89
0.9910.9780.9780.9900.9790.9880.9800.9590.9900.9740.980
PADUT [45]5.38 M90.46 G46.6541.2039.8547.7938.9344.3841.0739.5345.4541.0542.59
0.9920.9810.9810.9920.9810.9900.9820.9630.9930.9770.983
RDLUF [46]1.89 M231.09 G46.5041.1540.3548.1638.7744.6141.0940.2145.9841.0142.78
0.9920.9800.9820.9930.9810.9910.9820.9700.9930.9760.984
Ours2.25 M121.43 G46.7241.4740.4148.1839.1244.7341.1640.5346.2941.1742.98
0.9930.9820.9820.9930.9830.9920.9830.9700.9950.9770.985
Table 3. The computational complexity and average reconstruction performance across various numbers of network stages on the KAIST test scenes.
Table 3. The computational complexity and average reconstruction performance across various numbers of network stages on the KAIST test scenes.
Stage NumberParams (M)FLOPs (G)PSNR (dB)SSIM
12.2526.1037.050.964
32.2539.7238.110.971
52.2566.9638.740.974
72.2594.2039.480.977
92.25121.4339.760.979
Table 4. The effectiveness of different components.
Table 4. The effectiveness of different components.
SettingSAETWIntraFWInterFParams (M)FLOPs (G)PSNR (dB)SSIM
(a) (Base) 1.85109.5139.330.977
(b) 1.85109.5139.580.978
(c) 1.90112.3439.690.978
(d) 2.21118.6039.720.978
(e) (Ours)2.25121.4339.760.979
Table 5. The impact of spatial and spectral sparsity coefficients in the SAET module, where Top-k represents the proportion of selected elements to all elements.
Table 5. The impact of spatial and spectral sparsity coefficients in the SAET module, where Top-k represents the proportion of selected elements to all elements.
Spatial Top-k11/21/21/21/31/42/3
Spectral Top-k114/53/44/54/54/5
PSNR (dB)39.3339.5339.5239.4539.5839.3239.45
SSIM0.9770.9750.9780.9770.9780.9760.977
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

Ying, Y.; Wang, J.; Shi, Y.; Ling, N. Hybrid Sparse Transformer and Wavelet Fusion-Based Deep Unfolding Network for Hyperspectral Snapshot Compressive Imaging. Sensors 2024, 24, 6184. https://doi.org/10.3390/s24196184

AMA Style

Ying Y, Wang J, Shi Y, Ling N. Hybrid Sparse Transformer and Wavelet Fusion-Based Deep Unfolding Network for Hyperspectral Snapshot Compressive Imaging. Sensors. 2024; 24(19):6184. https://doi.org/10.3390/s24196184

Chicago/Turabian Style

Ying, Yangke, Jin Wang, Yunhui Shi, and Nam Ling. 2024. "Hybrid Sparse Transformer and Wavelet Fusion-Based Deep Unfolding Network for Hyperspectral Snapshot Compressive Imaging" Sensors 24, no. 19: 6184. https://doi.org/10.3390/s24196184

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