Next Article in Journal
Preliminary Derived DInSAR Coseismic Displacements of the 2022 Mw 5.7 Stolac Earthquake
Previous Article in Journal
Overestimated Fog-Top Entrainment in WRF Simulation Leading to Unrealistic Dissipation of Sea Fog: A Case Study
Previous Article in Special Issue
Deep Learning Test Platform for Maritime Applications: Development of the eM/S Salama Unmanned Surface Vessel and Its Remote Operations Center for Sensor Data Collection and Algorithm Development
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

No-Reference Hyperspectral Image Quality Assessment via Ranking Feature Learning

by
Yuyan Li
1,†,
Yubo Dong
2,3,†,
Haoyong Li
4,*,
Danhua Liu
2,5,
Fang Xue
6 and
Dahua Gao
2
1
Guangzhou Institute of Technology, Xidian University, Guangzhou 510555, China
2
School of Artificial Intelligence, Xidian University, Xi’an 710068, China
3
School of Electrical and Electronic Engineering, Nanyang Technological University, Singapore 639798, Singapore
4
Academy of Advanced Interdisciplinary Research, Xidian University, Xi’an 710071, China
5
Pazhou Lab, Huangpu 510555, China
6
Beijing Institute of Space Mechanics and Electricity, Beijing 100094, China
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Remote Sens. 2024, 16(10), 1657; https://doi.org/10.3390/rs16101657
Submission received: 11 April 2024 / Revised: 3 May 2024 / Accepted: 3 May 2024 / Published: 8 May 2024
(This article belongs to the Special Issue Deep Learning and Computer Vision in Remote Sensing-III)

Abstract

:
In hyperspectral image (HSI) reconstruction tasks, due to the lack of ground truth in real imaging processes, models are usually trained and validated on simulation datasets and then tested on real measurements captured by real HSI imaging systems. However, due to the gap between the simulation imaging process and the real imaging process, the best model validated on the simulation dataset may fail on real measurements. To obtain the best model for the real-world task, it is crucial to design a suitable no-reference HSI quality assessment metric to reflect the reconstruction performance of different models. In this paper, we propose a novel no-reference HSI quality assessment metric via ranking feature learning (R-NHSIQA), which calculates the Wasserstein distance between the distribution of the deep features of the reconstructed HSIs and the benchmark distribution. Additionally, by introducing the spectral self-attention mechanism, we propose a Spectral Transformer (S-Transformer) to extract the spatial-spectral representative deep features of HSIs. Furthermore, to extract quality-sensitive deep features, we use quality ranking as a pre-training task to enhance the representation capability of the S-Transformer. Finally, we introduce the Wasserstein distance to measure the distance between the distribution of the deep features and the benchmark distribution, improving the assessment capacity of our method, even with non-overlapping distributions. The experimental results demonstrate that the proposed metric yields consistent results with multiple full-reference image quality assessment (FR-IQA) metrics, validating the idea that the proposed metric can serve as a substitute for FR-IQA metrics in real-world tasks.

1. Introduction

Hyperspectral images (HSIs) contain detailed scene representation information and have a wide range of applications in various fields, including remote sensing [1,2,3] and object detection [4,5,6]. To acquire high-quality HSIs, many HSI restoration methods have been proposed, such as HSI reconstruction [7,8,9,10,11,12], HSI denoising [13,14,15], and HSI super-resolution [16,17,18]. Considering HSI reconstruction, coded aperture snapshot spectral imaging (CASSI) can achieve fast imaging by multiplexing a 3D HSI into a 2D measurement [19,20,21,22,23], and the 2D measurement can be reconstructed to HSIs by reconstruction algorithms. As shown in Figure 1, due to the lack of ground truth in real imaging processes, these reconstruction methods are usually trained and validated on simulation datasets and then tested on real measurements captured by real HSI imaging systems. However, due to the gap between the simulation imaging process and the real imaging process, the best model validated on the simulation dataset may fail on real measurements. Therefore, to obtain the best model in a real-world task, it is crucial to design a suitable no-reference HSI quality assessment metric to reflect the reconstruction performance of different models.
Currently, there are few no-reference image quality assessment methods for HSIs. Previous work proposed a no-reference hyperspectral image quality assessment method based on quality-sensitive statistical features (QSFL) [24] that uses statistical methods to extract manual features and utilizes the Bhattacharyya distance between the distribution of manual features of the reconstructed image and the benchmark distribution as the evaluation score. However, the manual feature extraction process was laborious, and the extracted features are less representative. Deep features have demonstrated stronger representational and generalization capabilities compared to manual features [25,26,27,28,29,30,31]. However, these methods were developed for RGB images and neglect the spectral information of HSIs, which is crucial for evaluating spectral fidelity. To address these issues, we propose a Spectral Transformer (S-Transformer) based on Spectral-wise Multi-head Self-Attention (S-MSA) [32] to extract deep features, which can effectively model the interspectra similarity and correlations of HSIs.
To extract quality-sensitive features, a reasonable pre-training task is necessary. Since humans cannot visually evaluate the quality of the spectrum, there is a lack of HSI datasets with Mean Opinion Score (MOS) labels for HSI quality assessment. To address this issue, we employ the unsupervised ranking feature learning task [28] for pre-training. The ranking feature learning task ranks pairs of images according to their quality, enabling the deep network to better capture the quality-related differences between images. In this approach, the S-Transformer can effectively extract quality-sensitive deep features. Additionally, the ranking feature learning task also increases the scale of the dataset, further improving the performance and generalization capability of the model.
QSFL [24] used the modified Bhattacharyya distance to evaluate the difference between the distribution of the reconstructed HSIs and the benchmark distribution. However, when the distributions are completely non-overlapping, the Bhattacharyya distance may not provide a meaningful comparison. To address this issue, we introduce Wasserstein distance [33] to measure the distance between the distribution of the deep features of the reconstructed HSIs and the benchmark distribution. By introducing the Wasserstein distance, the discrepancy between the distributions of the deep features can be more accurately reflected, thereby enhancing the assessment ability of the proposed method.
In summary, we propose a no-reference HSI quality assessment metric. The proposed method pre-trains the S-Transformer to extract quality sensitive deep features via ranking feature learning. Then, the Wasserstein distance between the distribution of the deep features of the reconstructed HSIs and the benchmark distribution is calculated as the quality assessment score.
Our contributions can be summarized as follows:
  • We propose a novel no-reference quality assessment metric for HSIs. Currently, there are few no-reference quality assessment methods for HSIs. To the best knowledge of the authors, the proposed metric is the first method that uses deep features for HSI quality assessment.
  • A S-Transformer is proposed. The proposed S-Transformer is designed to extract deep features based on the characteristics of HSIs, which could capture the interspectral similarity of HSIs through spectral self-attention.
  • We choose ranking feature learning as the pre-training task of the S-Transformer. The ranking feature learning task ranks pairs of images according to their quality, enabling the S-Transformer to better capture the quality-related differences between images.
  • The Wasserstein distance is introduced to measure the distance between the distributions of the deep features. By introducing the Wasserstein distance, the discrepancy between the distributions of the deep features can be more accurately reflected, thereby enhancing the assessment ability of the proposed method.

2. Materials and Methods

2.1. Related Work

2.1.1. Full-Reference Hyperspectral Image Quality Assessment

Full-reference image quality assessment (FR-IQA) metrics evaluate the performance of reconstruction algorithms by calculating the similarity between ground truths and reconstructed HSIs. Spatial fidelity and spectral fidelity are both important for evaluating the quality of HSIs.
The Peak Signal-to-Noise Ratio (PSNR) and Structural Similarity Index (SSIM) [34] are common spatial fidelity assessment metrics for HSIs. SSIM is originally proposed for greyscale images, and HSI reconstruction works usually calculate SSIM band-by-band and then average them [7,8,9,10,11,12] to obtain the SSIM score of HSIs. In [35], Multivariate SSIM (MvSSIM) is proposed to better generalize SSIM to HSIs by replacing the univariate sampling statistics in SSIM with their multivariate versions. Samiran et al. proposed an ensemble FR-IQA metric to quantify the quality of HSIs based on spatial features in [36].
Spectral Angle Mapping (SAM) [37] is a common spectral fidelity FR-IQA metric for HSIs. It reflects the similarity of spectral curves between ground truths and reconstructed HSIs. Recently, Q 2 n [38] was proposed to index the quality of multispectral and hyperspectral images based on the computation of the hypercomplex correlation coefficient between the reference and tested images, which jointly measures spectral and spatial distortions.

2.1.2. No-Reference Image Quality Assessment

There are few no-reference HSI quality assessment methods. QSFL [24] is the only available no-reference HSI quality assessment method. QSFL computes MSCN coefficients in the spatial and spectral dimensions separately and extracts GMSD coefficients using Log-Gabor filters. These coefficients are fitted to a Gaussian distribution model and composed the statistical features. The quality score is obtained by calculating the Bhattacharyya distance between the distribution of statistical features and the benchmark distribution. QSFL [24] demonstrated its effectiveness by comparing the scores of the original images with the reconstructed images from state-of-the-art HSI super-resolution methods.
There are some no-reference image quality assessment (NR-IQA) methods for remote sensing images, pan-sharpening, and RGB images. These NR-IQA methods are either based on statistical features or deep features. Some researchers present NR-IQA methods based on statistical features for pan-sharpening images [39,40,41]. Deep features are used in some NR-IQA methods for pan-sharpening images [42,43]. An NR-IQA method based on deep features for remote sensing images was proposed in [44]. Some NR-IQA methods using deep features have shown promising results on RGB images [25,26,27,28,29,30,31].
However, applying these NR-IQA methods to HSIs leads to many kinds of issues. Firstly, regarding the NR-IQA methods for pan-sharpening images, these methods require corresponding panchromatic images (PANs) and low-resolution multispectral images (LR-MSIs) as inputs, which are not available in HSI datasets. Secondly, regarding the NR-IQA methods for remote sensing images and RGB images, these methods require MOS labels for training neural networks and validating. Since humans cannot visually evaluate the quality of the spectrum, there is a lack of HSI datasets with MOS labels for HSI quality assessment.

2.1.3. Vision Transformer

Transformers were initially introduced for natural language processing (NLP) [45] and have achieved great success. Recently, the Transformer in computer vision has also demonstrated powerful modeling ability. Dosovitskiy et al. [46] proposed dividing an image into multiple windows, considering each window as a token, and computing Multi-Head Self-Attention (MSA) between these window tokens. Subsequently, Swin Transformer [47] introduced Windows-MSA, which partitions the feature map into multiple windows and computes Windows-MSA within each window.
However, these models are designed for RGB images and calculate self-attention scores along the spatial dimension. HSIs exhibit spectral similarity and correlation, making them more reasonable to use to calculate attention along the spectral dimension rather than the spatial dimension. The Mask-guided Spectral-wise Transformer (MST) [32], specifically designed for HSI reconstruction, utilizes S-MSA and has achieved impressive results. Inspired by S-MSA, we designed a S-Transformer to extract spectral-aware deep features that are more suitable for quality assessment rather than HSI reconstruction.

2.2. Method

2.2.1. S-Transformer for Extracting Deep Features

NR-IQA methods for RGB images only focus on spatial features and neglect spectral features. We propose the S-Transformer to explore spectral information. Unlike MST [32], which adopts a U-shape architecture, S-Transformer reduces the size of feature maps and finally maps features to a rank score.
As shown in Figure 2a, given a 3D HSI cube I R H × W × C , I firstly undergoes an embedding layer. Sequentially, in the first two stages, feature maps undergo a Spectral Attention Block (SAB) and a downsampling layer. The SAB layer does not change the shape of the input, while the downsampling layer reduces the spatial resolution by half and doubles the number of channels. In the last three stages, the downsampling layer only reduces the spatial resolution by half. After five stages, the shape of the feature map is H 32 × W 32 × 4 C . The feature map will be flattened into a one-dimensional vector, which is then progressively mapped to 1 × 1 × 4096 , 1 × 1 × 4096 , 1 × 1 × 1000 , 1 × 1 × 512 , 1 × 1 × 64 , and 1 × 1 × 1 vectors through fully connected layers and ReLU activation. The final output is considered the score for this HSIs.
As shown in Figure 2b, SAB first normalizes the batch data by layer normalization. For convenience of representation, the subsequent process is illustrated using a single image.
SAB splits the normalized input X i n R H × W × C along the spectral dimension. Then, these vectors are flattened into X R H W × C and input into the S-MSA to calculate spectral self-attention.
F l a t t e n X i n : , : , i = X : , i
Then, X is linearly projected into value V R H W × C , key K R H W × C , and query Q R H W × C :
V = X W V , K = X W K , Q = X W Q
where W V , W K , and W Q R C × C are learnable parameters. Subsequently, we split V, K, and Q into N heads along the spectral channel dimension, and the dimension of each head is d h = C N :
V = V 1 , , V N , K = K 1 , , K N , Q = Q 1 , , Q N
We calculate the attention score along spectral dimension:
A j = softmax σ j K j T Q j , h e a d j = V j A j
where K j T represents the transpose matrix of K j , A j represents self-attention and σ j R 1 represents a learnable parameter to adapt the weights of self-attention.
The outputs of N heads are concatenated along a spectral dimension to undergo a linear projection. Finally, it is added with a position embedding f p ( V ) :
S M S A X = C o n c a t j = 1 N h e a d j W + f p V
where W R C × C represents the learnable parameters of the linear layer and f p · is the function used to generate positional embedding.
The shape of the output of S-MSA is H × W × C . The outputs will undergo layer normalization again. After that, the outputs undergo three conv layers. The first one is a 1 × 1 Conv2d layer, and the shape of the output is H × W × 4 C . The second one is a 3 × 3 Depth-Wise Conv2d layer, and the shape of the output is still H × W × 4 C . The last one is a 1 × 1 Conv2d layer, and the shape of the output is H × W × C .

2.2.2. Ranking Feature Learning for Pretraining

Ranking Feature Learning is designed to enable the network to accurately reflect the quality of two images that have different ranks of distortion. Gaussian noise and blurring are common distortion phenomena in HSIs [48,49,50]. Therefore, we consider HSIs with randomly added Gaussian noise with σ = 0.05, 0.20 as distortion images of noise ranks 1 and 2, and HSIs generated by 3 × 3 , 5 × 5 blurring kernels as distortion images of blur ranks 1 and 2. The quality of images with lower ranks is better than those with higher ranks of the same distortion type.
As shown in Figure 3, we input images of different ranks in pairs into the network for scoring, aiming for the output scores of the network to be consistent with the real ranks. Therefore, we use pairwise ranking hinge loss to update the parameters of the network. Assuming r a n k x 1 > r a n k x 2 , the loss is given by:
L x 1 , x 2 ; θ = max 0 , f x 1 ; θ f x 2 ; θ + ϵ
where x 1 and x 2 represent distortion HSIs of different distortion ranks, θ represents the parameters of the deep network, and ϵ is the margin used to ensure f ( x 1 ; θ ) f ( x 2 ; θ ) . The gradient of the loss in (6) is given by:
θ L = 0 if f ( x 2 ; θ ) f ( x 1 ; θ ) + ϵ 0 , θ f ( x 1 ; θ ) θ f ( x 2 ; θ ) otherwise .
When the outputs of the network match the real ranks, the gradient of the loss is zero. When the outputs of the network contradict real ranks, the gradient of the higher score is decreased while the gradient of the lower score is increased. However, this leads to a problem: each time the network parameters are updated, the network tends to output larger scores for higher-quality images. Through multiple epochs of training, although the loss value converges, the output values of the pre-trained network diverge, meaning that the magnitude of the output values keeps increasing. The network can ensure the right ranks of two images, but the output results cannot be directly used as a metric. The method we propose in the subsequent section can solve this problem.

2.2.3. Wasserstein Distance for Measuring Non-Overlapping Distribution

We consider measuring the degree of image distortion using the discrepancy between the distribution of the deep features. We take the output F R 1 × 1000 of the third linear layer in the pre-trained network as the deep features, which follows the basic form of a Gaussian distribution:
f x = 1 σ 2 π exp x μ 2 2 σ 2
Taking the average of the deep features of M pristine HSIs yields F ¯ :
F ¯ = i = 1 M F i
We consider the probability distribution p F ¯ of F ¯ as the benchmark distribution.
For a reconstructed HSIs in the new scene without ground-truth HSIs, we can input it to the pre-trained network to obtain its deep feature F R 1 × 1000 , with its probability distribution denoted as q F .
We apply the Wasserstein distance to measure the discrepancy. The formula for calculating the Wasserstein distance between the reconstructed HSI deep feature distribution and the benchmark distribution is as follows:
W p F ¯ , q F = inf γ p , q γ x , y c x , y d x d y
where c ( x , y ) represents the cost function for transforming p into q, and γ [ p , q ] represents the joint distribution of p and q:
c x , y = x y
γ x , y d y = p x
γ x , y d x = q y
Compared to Kullback–Leibler (KL) divergence (14), the Jensen–Shannon (JS) divergence (15), and the Bhattacharyya distance (16), the Wasserstein distance is more suitable for measuring the discrepancy in non-overlapping cases.
D K L p | | q = p x log p x q x d x
D J S ( p | | q ) = D K L p | p + q 2 + D K L q | p + q 2
D B ( p | | q ) = ln p ( x ) q ( x ) d x
The following example illustrates the advantages of Wasserstein distance compared to other distances in non-overlapping situation. Consider two distributions p 0 and p θ in the two-dimensional space as follows: as shown in Figure 4, p 0 is uniformly distributed along the unit line segment AB, and p θ is uniformly distributed along the unit line segment CD. The distance between the two distributions can be controlled by the parameter θ .
In the above scenario, the results of the aforementioned distances are as follows:
W p 0 , p θ = | θ |
D K L ( p 0 | | p θ ) = 0 , if θ = 0 , + , if θ 0 .
D J S ( p 0 | | p θ ) = 0 , if θ = 0 , log 2 , if θ 0 .
D B ( p 0 | | p θ ) = 0 , if θ = 0 , + , if θ 0 .
From the above equations, it is evident that Wasserstein distance is controlled by θ and retains meaningful values. In contrast, both KL divergence and Bhattacharyya distance yield + when θ 0 , regardless of its variation, while JS divergence remains constant. Clearly, Wasserstein distance can better capture distributional differences.

3. Experiment Design and Results

3.1. Dataset and Experiment Setting

In HSI reconstruction, there is an assumption that the ground truth is a high-quality image, which is typically captured by high-quality imaging detectors under sufficient exposure and stable conditions. Therefore, in HSI reconstruction tasks, predictions that are closer to the ground truth are considered higher quality, indicative of better image fidelity. To demonstrate the effectiveness of the proposed assessment method, we test if the proposed quality scores are consistent with other FR-IQA metrics. We firstly apply seven state-of-the-art HSI reconstruction methods to the simulation dataset,s and then the quality scores of the reconstructed HSIs are computed and compared with FR-IQA metrics to see if there is consistency.
The ARAD_1K dataset [51] provides a total of 950 HSIs named as ARAD_0001 to ARAD_0950. These HSIs have a spatial dimension of 482 × 512 and consist of 31 spectral bands ranging from 400 nm to 700 nm. For the pretraining task, we utilize a subset of 900 HSIs from ARAD_0001 to ARAD_0900 as the pristine HSI dataset. The Gaussian noise ranking dataset is created by adding random Gaussian noise with σ = 0.05, 0.20 to the pristine HSIs. The blurring ranking dataset is formed by applying 3 × 3 and 5 × 5 blurring kernels. Differently ranked HSIs of the same distortion type (including the pristine image) are paired and input into the pretraining network, such as ARAD_0001 and noise_1_ARAD_0001, and blur_1_ARAD_0001 and blur_2_ARAD_0001. These HSI pairs are divided into training and validation datasets in an 8:1 ratio.
Subsequently, to verify the consistency between R-NHSIQA and FR-IQA metrics and compare them with the QSFL [24], we conducted simulation experiments on 50 scenes from ARAD_0901 to ARAD_0950. We compared the assessment scores of the reconstructed HSIs obtained from seven representative SOTA HSI reconstruction algorithms [7,8,9,10,11,12,32] as follows:
  • lambda-Net (denoted as λ -Net) [7].
  • Deep tensor admm-net (denoted as ADMM-Net) [8].
  • High-resolution dual-domain learning for spectral compressive imaging (denoted as HDNet) [9].
  • Mask-guided Spectral-wise Transformer (denoted as MST) [32].
  • Coarse-to-fine sparse transformer (denoted as CST) [10].
  • Degradation-Aware Unfolding Half-Shuffle Transformer (denoted as DAUHST) [11].
  • Residual Degradation Learning Unfolding Framework-MixS2 Transformer (denoted as RDLUF-MixS2) [12].
All the experiments are implemented on Pycharm Community 2022, with NVIDIA GeForce RTX 3090, RAM of 32 GB. The training of our method takes about 4 h, while assessing 350 reconstructed HSIs takes about 60 s.

3.2. Evidence of Quality Sensitivity of Our Deep Features

We visualized the distribution of the mean and the standard deviation of the deep features from 900 pristine and distorted HSIs. The results in Figure 5 indicate that different degrees of distortion significantly shift the distribution of the mean and standard deviation of HSI deep features from the prestine HSIs.
We calculated the average of the deep features for 900 HSIs of the same distortion type and plotted the Gaussian distribution curve of the average deep features as shown in Figure 6. From Figure 6, it can be observed that the overlap area between distortion distribution and pristine distribution decreases as the rank of distortion increases.
We evaluated the distorted HSIs of different ranks using Wasserstein distance, and the results are shown in Table 1. From Table 1, the Wasserstein distance between the distrubution of the deep features and the benchmark distribution increases as the rank of distortion increases. This result validates the effectiveness of using Wasserstein distance as the evaluation score.

3.3. Consistency between R-NHSIQA, QSFL, and FR-IQA Metrics

In Table 2, the average scores of R-NHSIQA, QSFL [24], and FR-IQA metrics [34,35,37,38] for reconstructed HSIs of different reconstruction algorithms are reported. From Table 2, it can be observed that R-NHSIQA is consistent with all FR-IQA metrics, while QSFL fails with some reconstruction algorithms. Specifically, QSFL scored the second highest on the reconstruction results of ADMM-Net, while the FR-IQA metrics of ADMM-Net were lower than those of most reconstruction algorithms. To provide a visual comparison, we have also plotted Figure 7 and Figure 8 to demonstrate the consistency between R-NHSIQA and FR-IQA metrics, as well as between QSFL and FR-IQA metrics.
In addition, we have also reported the Spearman rank order correlation coefficient (SROCC), Kendall rank order correlation coefficient (KROCC), and Pearson correlation coefficient (PLCC) of the proposed method and QSFL with different FR-IQA metrics. Equations (21)–(23) present the formulas for calculating correlation coefficients.
S R O C C = 1 6 i = 1 n d i 2 n ( n 2 1 )
where n is the number of samples, d i is the rank difference between the R-NHSIQA score and FR-IQA score of the i-th sample.
K R O C C = 2 ( C D ) n ( n 1 )
where C is the number of concordant pairs and D is the number of discordant pairs.
P L C C = i = 1 n ( x i x ¯ ) ( y i y ¯ ) i = 1 n ( x i x ¯ ) 2 i = 1 n ( y i y ¯ ) 2
where x i is the R-NHSIQA score of the i-th sample and y i is the FR-IQA score of the i-th sample.
The range of values for SROCC, KROCC, and PLCC is [−1, 1], with a value of 1 indicating positive correlation, a value of −1 indicating negative correlation, and a value of 0 indicating uncorrelated pairs of variables. As shown in Table 3, Table 4, Table 5, Table 6 and Table 7, the proposed R-NHSIQA achieves stronger consistency with various FR-IQA metrics on all correlation coefficients compared to QSFL.
Figure 9 and Figure 10 display the pseudo-RGB images of the reconstructed HSIs and evaluation scores of different FR-IQA and NR-IQA metrics of two scenes. In Figure 9 and Figure 10, the proposed R-NHSIQA is not only consistent with all the FR-IQA metrics but also consistent with visual perception. In contrast, QSFL is inconsistent with FR-IQA metrics except for λ -Net. Specifically, in Figure 9, although the quality of the HSIs reconstructed by MST is significantly lower than that of RDLUF-MixS2, MST still achieves the best QSFL score.

3.4. Comparison with Different Feature Extracting Networks

To demonstrate the suitability of the S-Transformer for extracting features from HSIs, we compared its performance with other network structures in this section. VGG16 [52] is a classic CNN network and is employed as a replacement for the S-Transformer in the feature extraction. The deep features in the fc7 layer are used to calculate the Wasserstein distance.
The VGG16 has been pre-trained via ranking feature learning. Figure 11 and Table 8 show that the deep features extracted by VGG16 also exhibit sensitivity to quality. However, compared to Figure 6, the differences between different distortions are less obvious, which indicates that the proposed S-Transformer can utilize spectral information to produce more representative deep features.
In Table 9, Table 10, Table 11, Table 12, Table 13 and Table 14 and Figure 12, we have shown the scores of R-NHSIQA with different feature extracting networks and FR-IQA metrics. Compared to Table 2, Table 3, Table 4, Table 5, Table 6 and Table 7 and Figure 7, the consistency between R-NHSIQA with VGG16 and FR-IQA metrics decreased. This could be attributed to traditional CNNs failing to fully utilize spectral information, resulting in the loss of such information in the extracted deep features.

4. Discussion

In this study, we propose a new non-reference HSI quality assessment metric. From the experimental results, we can make the following discussions:
  • From the results in Section 3.2 and Section 3.4, it can be observed that the deep neural network trained with the ranking feature learning task could capture feature distributions highly related to the degree of image distortion. Therefore, the extent of the deviation in feature distribution from the benchmark distribution could indicate the quality of reconstructed image.
  • Extracting features from both spectral and spatial domains is more indicative of the quality of HSIs compared to extracting features solely from the spatial domain. For instance, as shown in Section 3.3, when using the S-Transformer, which simultaneously extracts spatial and spectral information, the quality score of the reconstructed image is consistent with objective metrics such as SAM. However, when using VGG16, which only operates in the spatial dimension, the quality score of the reconstructed image is not entirely consistent with FR-IQA metrics such as SAM.
  • The proposed method evaluates image quality faster and is more consistent with FR-IQA metrics compared to previous manual-feature-based methods, such as QSFL [24]. QSFL required about 10 min to evaluate 350 reconstructed HSIs, while our method takes about 60 s. Furthermore, our method eliminates the cumbersome process of manual features. Lastly, as shown by the results in Section 3.3, our method achieves a stronger correlation with FR-IQA metrics compared to QSFL.

5. Conclusion and Limitation

In real hyperspectral imaging processes, due to the lack of ground truth, the best model validated on the simulation dataset via FR-IQA metrics may fail in real imaging processes. Therefore, it is crucial to design a suitable no-reference HSI quality assessment metric as a substitute for FR-IQA metrics to reflect the reconstruction performance of different models. To address this challenge, we propose a no-reference HSI quality assessment method via ranking feature learning (R-NHSIQA). Firstly, we proposed the S-Transformer to extract representative deep features, which leverages Spectral-wise Multi-head Self-Attention (S-MSA) to capture the significant spectrum information in HSIs. To extract quality-sensitive deep features, we employ the ranking feature learning as the pre-training task for the S-Transformer. Through ranking feature learning, the S Transformer is able to discern image quality. Additionally, we utilize the Wasserstein distance between the distribution of the deep features of the reconstructed HSIs and the benchmark distribution as the quality score, which could better measure the discrepancy between distributions even in non-overlapping situations. The experimental results indicate that the proposed R-NHSIQA shows good consistency with the FR-IQA metrics, validating the idea that the proposed metric can serve as a substitute for FR-IQA metrics in real-world tasks.
Limitations: Although the proposed method has made progress in no-reference HSI quality assessment, there are still some issues that could be improved upon in future work. For example, during rank feature learning, we have considered Gaussian noises and blurs. However, the real world has all kinds of unmodeled noises; thus, the proposed method might fail to these noises. As we deepen the understanding of the physical models of noises, the proposed method could incorporate these noises into the ranking pre-training in the future.

Author Contributions

Methodology, validation, formal analysis, writing—original draft, and visualization: Y.L.; conceptualization, methodology, investigation, writing—review and editing, and supervision: Y.D.; resources, supervision, project administration, and writing—review and editing: H.L.; resources, supervision, and project administration: D.L.; resources, supervision, and project administration: F.X.; and funding acquisition, resources, supervision, and project administration: D.G. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Key Research and Development Program of China OF FUNDER under grant number 2019YFA0706604, the Natural Science Foundation (NSF) of China under grant number 62205260, the Natural Science Foundation (NSF) of China under grant number 62293483, the Guangzhou Key Laboratory of Scene Understanding and Intelligent Interaction under grant number 202201000001, the project of Pazhou Lab (Huangpu) under grant number 2022K0904, the Fundamental Research Funds for the Central Universities under grant number YJSJ24006, China Scholarship Council under Grant Number 202306960040.

Data Availability Statement

Data associated with this research are available online. The ARAD_1K dataset is available at https://github.com/boazarad/ARAD_1K (accessed on 6 May 2024).

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Borengasser, M.; Hungate, W.S.; Watkins, R. Hyperspectral Remote Sensing: Principles and Applications; CRC Press: Boca Raton, FL, USA, 2007. [Google Scholar]
  2. Melgani, F.; Bruzzone, L. Classification of hyperspectral remote sensing images with support vector machines. IEEE Trans. Geosci. Remote Sens. 2004, 42, 1778–1790. [Google Scholar] [CrossRef]
  3. Yuan, Y.; Zheng, X.; Lu, X. Hyperspectral image superresolution by transfer learning. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2017, 10, 1963–1974. [Google Scholar] [CrossRef]
  4. Kim, M.H.; Harvey, T.A.; Kittle, D.S.; Rushmeier, H.; Dorsey, J.; Prum, R.O.; Brady, D.J. 3D imaging spectroscopy for measuring hyperspectral patterns on solid objects. ACM Trans. Graph. 2012, 31, 1–11. [Google Scholar] [CrossRef]
  5. 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]
  6. Van, N.H.; Banerjee, A.; Chellappa, R. Tracking via object reflectance using a hyperspectral video camera. In Proceedings of the 2010 IEEE Computer Society Conference on Computer Vision and Pattern Recognition-Workshops, San Francisco, CA, USA, 13–18 June 2010; pp. 44–51. [Google Scholar]
  7. Miao, X.; Yuan, X.; Pu, Y.; Athitsos, V. L-net: Reconstruct hyperspectral images from a snapshot measurement. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 4059–4069. [Google Scholar]
  8. Ma, J.; Liu, X.-Y.; Shou, Z.; Yuan, X. Deep tensor admm-net for snapshot compressive imaging. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 10223–10232. [Google Scholar]
  9. 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 IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 19–24 June 2022; pp. 17542–17551. [Google Scholar]
  10. 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; pp. 686–704. [Google Scholar]
  11. Cai, Y.; Lin, J.; Wang, H.; Yuan, X.; Ding, H.; Zhang, Y.; Timofte, R.; Van Gool, L. Degradation-aware unfolding half-shuffle transformer for spectral compressive imaging. In Proceedings of the Advances in Neural Information Processing Systems, New Orleans, LA, USA, 28 November–9 December 2022; pp. 37749–37761. [Google Scholar]
  12. 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 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Vancouver, BC, Canada, 18–22 June 2023; pp. 22262–22271. [Google Scholar]
  13. Shi, Q.; Tang, X.; Yang, T.; Liu, R.; Zhang, L. Hyperspectral image denoising using a 3-D attention denoising network. IEEE Trans. Geosci. Remote. Sens. 2021, 59, 10348–10363. [Google Scholar] [CrossRef]
  14. Zhuang, L.; Ng, M.K.; Gao, L.; Wang, Z. Eigen-CNN: Eigenimages plus Eigennoise Level Maps Guided Network for Hyperspectral Image Denoising. IEEE Trans. Geosci. Remote Sens. 2024, 62, 1–18. [Google Scholar] [CrossRef]
  15. Fu, G.; Xiong, F.; Lu, J.; Zhou, J.; Zhou, J.; Qian, Y. Hyperspectral Image Denoising via Spatial–Spectral Recurrent Transformer. IEEE Trans. Geosci. Remote. Sens. 2024, 62, 1–14. [Google Scholar] [CrossRef]
  16. Dong, W.; Zhou, C.; Wu, F.; Wu, J.; Shi, G.; Li, X. Model-guided deep hyperspectral image super-resolution. IEEE Trans. Image Process. 2021, 30, 5754–5768. [Google Scholar] [CrossRef]
  17. Arun, P.V.; Buddhiraju, K.M.; Prowal, A.; Chanussot, J. CNN-based super-resolution of hyperspectral images. IEEE Trans. Geosci. Remote. Sens. 2020, 58, 6106–6121. [Google Scholar] [CrossRef]
  18. Hu, J.; Zhao, M.; Li, Y. Hyperspectral image super-resolution by deep spatial-spectral exploitation. Remote Sens. 2019, 11, 1229. [Google Scholar] [CrossRef]
  19. Wagadarikar, A.; John, R.; Willett, R.; Brady, D. Single disperser design for coded aperture snapshot spectral imaging. Appl. Opt. 2008, 47, B44–B51. [Google Scholar] [CrossRef] [PubMed]
  20. 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; pp. 187–204. [Google Scholar]
  21. Gehm, M.E.; John, R.; Brady, D.J.; Willett, R.M.; Schulz, T.J. Single-shot compressive spectral imaging with a dual-disperser architecture. Opt. Express 2007, 15, 14013–14027. [Google Scholar] [CrossRef] [PubMed]
  22. 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, Virtual Event, UK, 19–25 June 2021; pp. 16216–16225. [Google Scholar]
  23. 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, 10778–10794. [Google Scholar] [CrossRef]
  24. Yang, J.; Zhao, Y.-Q.; Yi, C.; Chan, J.C.-W. No-reference hyperspectral image quality assessment via quality-sensitive features learning. Remote Sens. 2017, 9, 305. [Google Scholar] [CrossRef]
  25. Kang, L.; Ye, P.; Li, Y.; Doermann, D. Convolutional neural networks for no-reference image quality assessment. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Columbus, OH, USA, 24–27 June 2014; pp. 1733–1740. [Google Scholar]
  26. Bosse, S.; Maniry, D.; Müller, K.R.; Wiegand, T.; Samek, W. Deep neural networks for no-reference and full-reference image quality assessment. IEEE Trans. Image Process. 2017, 27, 206–219. [Google Scholar] [CrossRef] [PubMed]
  27. Lin, K.Y.; Wang, G. Hallucinated-IQA: No-reference image quality assessment via adversarial learning. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 732–741. [Google Scholar]
  28. Liu, X.; Van De Weijer, J.; Bagdanov, A.D. Rankiqa: Learning from rankings for no-reference image quality assessment. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 1040–1049. [Google Scholar]
  29. Ou, F.; Wang, Y.; Li, J.; Zhu, G.; Kwong, S. A novel rank learning based no-reference image quality assessment method. IEEE Trans. Multimedia 2021, 24, 4197–4211. [Google Scholar] [CrossRef]
  30. Liu, X.; Van, D.W.; Joost, B.; Andrew, D. Exploiting unlabeled data in cnns by self-supervised learning to rank. IEEE Trans. Pattern Anal. 2019, 41, 1862–1878. [Google Scholar] [CrossRef]
  31. Zhang, W.; Ma, K.; Yan, J.; Deng, D.; Wang, Z. Blind image quality assessment using a deep bilinear convolutional neural network. IEEE Trans. Circuits Syst. Video Technol. 2018, 30, 36–47. [Google Scholar] [CrossRef]
  32. 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, New Orleans, LA, USA, 19–24 June 2022; pp. 17502–17511. [Google Scholar]
  33. Rubner, Y.; Tomasi, C.; Guibas, L.J. The earth mover’s distance as a metric for image retrieval. Int. J. Comput. Vis. 2000, 40, 99–121. [Google Scholar] [CrossRef]
  34. 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]
  35. Zhu, R.; Zhou, F.; Xue, J. MvSSIM: A quality assessment index for hyperspectral images. Neurocomputing 2018, 272, 250–257. [Google Scholar] [CrossRef]
  36. Das, S.; Bhattacharya, S.; Khatri, P.K. Feature extraction approach for quality assessment of remotely sensed hyperspectral images. J. Appl. Remote Sens. 2020, 14, 026514. [Google Scholar] [CrossRef]
  37. Yuhas, R.H.; Boardman, J.W.; Goetz, A.F.H. Determination of Semi-Arid Landscape Endmembers and Seasonal Trends Using Convex Geometry Spectral Unmixing Techniques; NTRS: Chicago, IL, USA, 1993. [Google Scholar]
  38. Garzelli, A.; Nencini, F. Hypercomplex quality assessment of multi/hyperspectral images. IEEE Geosci. Remote Sens. 2009, 6, 662–665. [Google Scholar] [CrossRef]
  39. Zhou, B.; Shao, F.; Meng, X.; Fu, R.; Ho, Y. No-reference quality assessment for pansharpened images via opinion-unaware learning. IEEE Access. 2019, 7, 40388–40401. [Google Scholar] [CrossRef]
  40. Agudelo, M.; Oscar, A.; Benitez, -R.; Hernan, D.; Vivone, G.; Bovik, A. Perceptual quality assessment of pan-sharpened images. Remote Sens. 2019, 11, 877. [Google Scholar] [CrossRef]
  41. Li, S.; Yang, Z.; Li, H. Statistical evaluation of no-reference image quality assessment metrics for remote sensing images. ISPRS Int. J. Geo-Inf. 2017, 6, 133. [Google Scholar] [CrossRef]
  42. Badal, N.; Soundararajan, R.; Garg, A.; Patil, A. No reference pansharpened image quality assessment through deep feature similarity. IEEE J-STARS 2022, 15, 7235–7247. [Google Scholar] [CrossRef]
  43. Stępień, I.; Oszust, M. No-reference quality assessment of pan-sharpening images with multi-level deep image representations. Remote Sens. 2022, 14, 1119. [Google Scholar] [CrossRef]
  44. Xu, L.; Chen, Q. Remote-sensing image usability assessment based on ResNet by combining edge and texture maps. IEEE J.-Stars. 2019, 12, 1825–1834. [Google Scholar] [CrossRef]
  45. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, L.; Polosukhin, I. Attention is all you need. In Proceedings of the Thirty-first Annual Conference on Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017. [Google Scholar]
  46. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.; Unterthiner, T.; Dehghani, M.; Minderer, M.; Heigold, G.; Gelly, S. An image is worth 16x16 words: Transformers for image recognition at scale. arXiv 2020, arXiv:2010.11929. [Google Scholar]
  47. 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 IEEE/CVF International Conference on Computer Vision, Montreal, QC, Canada, 11–17 October 2021; pp. 10012–10022. [Google Scholar]
  48. Zhao, Y.Q.; Yang, J. Hyperspectral image denoising via sparse representation and low-rank constraint. IEEE Trans. Geosci. Remote. Sens. 2014, 53, 296–308. [Google Scholar] [CrossRef]
  49. Yang, J.; Zhao, Y.-Q.; Chan, J.C.-W.; Kong, S.G. Coupled sparse denoising and unmixing with low-rank constraint for hyperspectral image. IEEE Trans. Geosci. Remote. Sens. 2015, 54, 1818–1833. [Google Scholar] [CrossRef]
  50. Berisha, S.; Nagy, J.G.; Plemmons, R.J. Deblurring and sparse unmixing of hyperspectral images using multiple point spread functions. SIAM J. Sci. Comput. 2015, 37, S389–S406. [Google Scholar] [CrossRef]
  51. Arad, B.; Timofte, R.; Yahel, R.; Morag, N.; Bernat, A.; Cai, Y.; Lin, J.; Lin, Z.; Wang, H.; Zhang, Y. Ntire 2022 spectral recovery challenge and data set. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 19–24 June 2022; pp. 863–881. [Google Scholar]
  52. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
Figure 1. The flowchart of HSI reconstruction task. (a) is simulation task. (b) is real-world task.
Figure 1. The flowchart of HSI reconstruction task. (a) is simulation task. (b) is real-world task.
Remotesensing 16 01657 g001
Figure 2. Network Architecture. (a) is the structure of S-Transformer. (b) is the structure of SAB. (c) is the structure of S-MSA.
Figure 2. Network Architecture. (a) is the structure of S-Transformer. (b) is the structure of SAB. (c) is the structure of S-MSA.
Remotesensing 16 01657 g002
Figure 3. Process of pretraining task.
Figure 3. Process of pretraining task.
Remotesensing 16 01657 g003
Figure 4. Two examples to illustrate the advantage of Wasserstein distance.
Figure 4. Two examples to illustrate the advantage of Wasserstein distance.
Remotesensing 16 01657 g004
Figure 5. The distribution parameters of the deep features for 900 HSIs of different types of distortion.
Figure 5. The distribution parameters of the deep features for 900 HSIs of different types of distortion.
Remotesensing 16 01657 g005
Figure 6. The Gaussian distribution curves of average deep features for different types of distortion.
Figure 6. The Gaussian distribution curves of average deep features for different types of distortion.
Remotesensing 16 01657 g006
Figure 7. Consistency between R-NHSIQA and FR-IQA in the evaluation of different reconstruction algorithms based on the average scores.
Figure 7. Consistency between R-NHSIQA and FR-IQA in the evaluation of different reconstruction algorithms based on the average scores.
Remotesensing 16 01657 g007
Figure 8. Consistency between QSFL and FR-IQA in the evaluation of different reconstruction algorithms based on the average scores.
Figure 8. Consistency between QSFL and FR-IQA in the evaluation of different reconstruction algorithms based on the average scores.
Remotesensing 16 01657 g008
Figure 9. The assessment scores of a sample scene. The pristine HSIs and reconstructed HSIs are shown in RGB. (a) is the pseudo-RGB image of the pristine HSI, and (bh) are respectively the pseudo-RGB images of the HSIs reconstructed by RDLUF-MixS2, DAUHST, CST, MST, HDNet, ADMM-Net, λ -Net. The quality scores of these images are shown below.
Figure 9. The assessment scores of a sample scene. The pristine HSIs and reconstructed HSIs are shown in RGB. (a) is the pseudo-RGB image of the pristine HSI, and (bh) are respectively the pseudo-RGB images of the HSIs reconstructed by RDLUF-MixS2, DAUHST, CST, MST, HDNet, ADMM-Net, λ -Net. The quality scores of these images are shown below.
Remotesensing 16 01657 g009
Figure 10. The assessment scores of a sample scene. The pristine HSIs and reconstructed HSIs are shown in RGB. (a) is the pseudo-RGB image of the pristine HSI, and (bh) are respectively the pseudo-RGB images of the HSIs reconstructed by RDLUF-MixS2, DAUHST, CST, MST, HDNet, ADMM-Net, λ -Net. The quality scores of these images are shown below.
Figure 10. The assessment scores of a sample scene. The pristine HSIs and reconstructed HSIs are shown in RGB. (a) is the pseudo-RGB image of the pristine HSI, and (bh) are respectively the pseudo-RGB images of the HSIs reconstructed by RDLUF-MixS2, DAUHST, CST, MST, HDNet, ADMM-Net, λ -Net. The quality scores of these images are shown below.
Remotesensing 16 01657 g010
Figure 11. The Gaussian distribution curves of average deep features extracted by VGG16 for different types.
Figure 11. The Gaussian distribution curves of average deep features extracted by VGG16 for different types.
Remotesensing 16 01657 g011
Figure 12. Consistency between R-NHSIQA using VGG16 and FR-IQA in the evaluation of different reconstruction algorithms based on the average scores.
Figure 12. Consistency between R-NHSIQA using VGG16 and FR-IQA in the evaluation of different reconstruction algorithms based on the average scores.
Remotesensing 16 01657 g012
Table 1. The Wasserstein distance between different types of distortion distributions and the benchmark distribution.
Table 1. The Wasserstein distance between different types of distortion distributions and the benchmark distribution.
Noise_1Noise_2Blur_1Blur_2
5.21146398.33261500.20564020.3490431
Table 2. The average scores of the reconstructed HSIs from different reconstruction algorithms.
Table 2. The average scores of the reconstructed HSIs from different reconstruction algorithms.
MetricsADMM-NetCSTDAUHST λ -NetRDLUF-MixS2HDNetMST
PSNR ↑32.4203934.9036236.8790128.1839838.0876733.9488334.05283
SSIM [34]↑0.851440.926860.942960.740090.957810.911390.91672
Q 2 n [38]↑0.633120.710710.772880.441780.814450.669660.69030
MvSSIM [35]↑0.896280.951910.968300.737610.974850.937070.93725
SAM [37]↓14.738259.156656.8251431.081994.8343211.6737810.41821
QSFL [24]↓22.4325522.6399522.7170837.2414022.5877623.2597821.93860
R-NHSIQA↓3.180042.250541.771657.551911.504172.794362.63320
The uparrow indicates that a higher value is better, while the downarrow signifies that a smaller value is better. The same principle applies to the subsequent table.
Table 3. The correlation coefficients between PSNR and R-NHSIQA on reconstructed HSIs.
Table 3. The correlation coefficients between PSNR and R-NHSIQA on reconstructed HSIs.
MetricsSROCC↓KROCC↓PLCC↓
QSFL [24]−0.43157−0.27368−0.49587
R-NHSIQA−0.79098−0.63158−0.64128
Table 4. The correlation coefficients between SSIM and R-NHSIQA on reconstructed HSIs.
Table 4. The correlation coefficients between SSIM and R-NHSIQA on reconstructed HSIs.
MetricsSROCC↓KROCC↓PLCC↓
QSFL [24]−0.56090−0.31578−0.48856
R-NHSIQA−0.75188−0.54737−0.69440
Table 5. The correlation coefficients between SAM and R-NHSIQA on reconstructed HSIs.
Table 5. The correlation coefficients between SAM and R-NHSIQA on reconstructed HSIs.
MetricsSROCC↑KROCC↑PLCC↑
QSFL [24]0.601500.442100.48292
R-NHSIQA0.776690.605260.71525
Table 6. The correlation coefficients between Q 2 n and R-NHSIQA on reconstructed HSIs.
Table 6. The correlation coefficients between Q 2 n and R-NHSIQA on reconstructed HSIs.
MetricsSROCC↓KROCC↓PLCC↓
QSFL [24]−0.61127−0.48421−0.52506
R-NHSIQA−0.74098−0.53421−0.74859
Table 7. The correlation coefficients between MvSSIM and R-NHSIQA on reconstructed HSIs.
Table 7. The correlation coefficients between MvSSIM and R-NHSIQA on reconstructed HSIs.
MetricsSROCC↓KROCC↓PLCC↓
QSFL [24]−0.54135−0.30526−0.33847
R-NHSIQA−0.76616−0.59473−0.70100
Table 8. The Wasserstein distance between different types of distortion distributions and the benchmark distribution when the network is VGG16.
Table 8. The Wasserstein distance between different types of distortion distributions and the benchmark distribution when the network is VGG16.
Noise_1Noise_2Blur_1Blur_2
8.440426462.44367380.61402661.3637162
Table 9. Comparison of R-NHSIQA using different networks.
Table 9. Comparison of R-NHSIQA using different networks.
MetricsADMM-NetCSTDAUHST λ -NetRDLUF-MixS2HDNetMST
PSNR↑32.4203934.9036236.8790128.1839838.0876733.9488334.05283
SSIM [34]↑0.851440.926860.942960.740090.957810.911390.91672
Q 2 n [38]↑0.633120.710710.772880.441780.814450.669660.69030
MvSSIM [35]↑0.896280.951910.968300.737610.974850.937070.93725
SAM [37]↓14.738259.156656.8251431.081994.8343211.6737810.41821
Ours (VGG16)↓2.513642.563152.418363.354362.331562.645632.47669
Ours (S-Transformer)↓3.180042.250541.771657.551911.504172.794362.63320
Table 10. The correlation coefficients between PSNR and R-NHSIQA using different networks on reconstructed HSIs.
Table 10. The correlation coefficients between PSNR and R-NHSIQA using different networks on reconstructed HSIs.
MetricsSROCC↓KROCC↓PLCC↓
w/VGG16−0.64552−0.48631−0.50153
w/S-Transformer−0.79098−0.63158−0.64128
Table 11. The correlation coefficients between SSIM and R-NHSIQA using different networks on reconstructed HSIs.
Table 11. The correlation coefficients between SSIM and R-NHSIQA using different networks on reconstructed HSIs.
MetricsSROCC↓KROCC↓PLCC↓
w/VGG16−0.62685−0.45210−0.48303
w/S-Transformer−0.75188−0.54737−0.69440
Table 12. The correlation coefficients between SAM and R-NHSIQA using different networks on reconstructed HSIs.
Table 12. The correlation coefficients between SAM and R-NHSIQA using different networks on reconstructed HSIs.
MetricsSROCC↑KROCC↑PLCC↑
w/VGG160.635410.468960.56314
w/S-Transformer0.776690.605260.71525
Table 13. The correlation coefficients between Q 2 n and R-NHSIQA using different networks on reconstructed HSIs.
Table 13. The correlation coefficients between Q 2 n and R-NHSIQA using different networks on reconstructed HSIs.
MetricsSROCC↓KROCC↓PLCC↓
w/VGG16−0.62563−0.49511−0.54630
w/S-Transformer−0.74098−0.53421−0.74859
Table 14. The correlation coefficients between MvSSIM and R-NHSIQA using different networks on reconstructed HSIs.
Table 14. The correlation coefficients between MvSSIM and R-NHSIQA using different networks on reconstructed HSIs.
MetricsSROCC↓KROCC↓PLCC↓
w/VGG16−0.61335−0.47895−0.52604
w/S-Transformer−0.76616−0.59473−0.70100
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

Li, Y.; Dong, Y.; Li, H.; Liu, D.; Xue, F.; Gao, D. No-Reference Hyperspectral Image Quality Assessment via Ranking Feature Learning. Remote Sens. 2024, 16, 1657. https://doi.org/10.3390/rs16101657

AMA Style

Li Y, Dong Y, Li H, Liu D, Xue F, Gao D. No-Reference Hyperspectral Image Quality Assessment via Ranking Feature Learning. Remote Sensing. 2024; 16(10):1657. https://doi.org/10.3390/rs16101657

Chicago/Turabian Style

Li, Yuyan, Yubo Dong, Haoyong Li, Danhua Liu, Fang Xue, and Dahua Gao. 2024. "No-Reference Hyperspectral Image Quality Assessment via Ranking Feature Learning" Remote Sensing 16, no. 10: 1657. https://doi.org/10.3390/rs16101657

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