基于光谱—空间注意力双边网络的高光谱图像分类
Spectral-spatial attention bilateral network for hyperspectral image classification
- 2023年27卷第11期 页码:2565-2578
纸质出版日期: 2023-11-07
DOI: 10.11834/jrs.20210563
引用
阅读全文PDF
扫 描 看 全 文
纸质出版日期: 2023-11-07
扫 描 看 全 文
引用
阅读全文PDF
在过去几年里,卷积神经网络已经在高光谱图像分类上取得良好的效果,然而高光谱图像的高维性和卷积神经网络对所有波段的平等处理,限制了这些方法性能。本文提出了一种端到端的光谱空间注意力双边网络SSABN(Spectral-Spatial Attention Bilateral Network),直接将原始图像3D块作为输入数据,而不需要进行预处理。首先,通过光谱空间注意力模块从原始数据中增强有用波段,抑制无效波段。然后,设计双边网络两条路径。其中,空间路径用于提取空间信息,上下文路径用于提供更大的感受野,并通过特征融合模块有效的结合特征。实验结果表明,SSABN在3个公开数据集上取得了更高的分类精度,同时有效的减少训练时间。
HypeSspectral Image Classification (HSIC) is a pixel-level classification problem, and it involves classifying each pixel in the hyperspectral image and confirming the pixel category. However, discriminative features in HSIC task are difficult to acquire and learn, and the extraction of sufficient and effective features directly affects the classification results. In the past few years, Convolutional Neural Networks (CNNs) have achieved better results in HSIC, but the high dimensionality of hyperspectral images and the equal processing of all bands by CNNs have limited the performance of CNN. This study proposes an end-to-end Spectral-Spatial Attention Bilateral Network (SSABN) for HSIC. The network directly uses 3D blocks of the original image as input data without the complicated preprocessing. First, the original data are processed through the spectral-spatial attention module to enhance the useful bands or pixels for classification and suppress invalid information. Then, the spatial and context paths of the bilateral network are designed. The spatial path has three layers, and each layer is composed of convolution, batch normalization, and Relu activation function to extract spatial information. The context path is composed of three downsampling and attention refining modules. The downsampling is used to provide receptive field, and the attention refinement module is used to refine downsampling features. Finally, a feature fusion module is designed to fuse different levels of features through maximum pooling and average pooling for generating discriminative features. Compared with common CNN, SSABN can adaptively enhance effective information, extract more abstract discriminative features, and consume less training time. Experimental results show that SSABN has good fitting ability in different training sample ratios. In the results of ablation experiments, the accuracy of the spectral-spatial attention mechanism is 1%—2% higher than those of other mainstream attention mechanisms, and the feature fusion module can improve the discrimination of extracted features. In the experiments of three public datasets, the classification accuracy of SSABN is higher than 99%, and the training time is less than those of other methods. The classification performance of SSABN is better than those of other hyperspectral image classification algorithms, while reducing its training time can more effectively improve accuracy and efficiency.
随着遥感技术的快速发展,高光谱成像技术图像同时具有丰富光谱信息和详细的空间结构,高光谱图像每个像素包含数百个连续光谱带,其波长范围跨越可见光和红外波段。相较于其他遥感图像,高光谱图像HSI(Hyper Spectral Image)由于其丰富的信息量,对于目标物理、化学等特性有更好的表征能力(
在HSIC研究早期,由于HSI光谱反射曲线良好的判别性,不同地物类别的光谱曲线不相同。研究者将传统机器学习方法加以改进并用于HSIC,包括支持向量机SVM(Support Vector Machine)(
由于深度学习可以提取更高层次和更抽象的特征,研究者们开始研究如何利用深度学习解决HSIC。这些方法包括堆叠自编码器SAEs(Stacked Autoencoders)(
由于注意力机制可以自适应的抑制或者增强输入信息,已经广泛应用于图像处理(
虽然已经有许多基于卷积神经网络的高光谱图像分类模型被提出,但仍然存在一些问题。
(1)如何自适应的强调对分类有效的光谱信息和空间信息;
(2)如何充分提取HSI不同层次的特征,并且从不同层次特征中提取出判别性特征;
(3)如何设计一个端到端的网络,在保证分类精度的同时,有效加快网络训练速度。
针对这些问题,我们借鉴注意力机制,提出一种用于HSIC的端到端的空间光谱注意力双边网络SSABN(Spectral-Spatial Attention Bilateral Network)。通过光谱注意力模块自适应的学习不同原始输入数据中每个光谱波段的权值,将特征选择隐式的应用于光谱向量上。在空间特征方面,由于与中心像素相同类别的周围像素对分类贡献大,不同类别的周围像素贡献小,空间注意力模块将根据像素对中心像素分类的贡献,自适应的学习其重要性,提高相同类别的周围像素权重,削弱不同类别的周围像素权重。双边网络通过不同的卷积结构,提取不同层次的特征,通过特征融合模块将不同层次特征融合得到判别性的特征。
本文提出一种光谱空间注意力双边网络模型用于高光谱图像分类。本节首先介绍提出的高光谱图像分类模型。其次介绍所提出双边网络中的特征融合模块,并详细说明了光谱空间注意力模块。最后给出了该模型的损失函数及其优化方法。
设高光谱数据集H∈Rh×w×d,其中空间维度的高度和宽度用h,w表示,光谱带的数量用d表示。假设数据集H包含N个标记像素U={u1,u2,…,un}∈R1×1×d,每个标记像素由d个光谱波段构成,其对应的独热编码标签向量为V={v1,v2,…,vn}∈R1×1×k,其中k是类别数。为了充分利用数据中的原始信息,以标记像素U为中心的相邻立方体组成一组新的三维块W={w1,w1,…,wn}。在本文中,我们将每个W中的wi输入到所提出的模型中,对其中心对应像素ui进行分类。
对高光谱数据标记后,首先将所有可用的标记数据随机分为训练、验证和测试数据集,分别用wtrain、wval、wtest表示,对应的标签集为vtrain、vval、vtest。然后使用wtrain、wval优化和测试模型,通过交叉验证找到模型的最佳参数。最后通过wtest对所有像素进行分类,得到性能评价指标,形成分类图。
图1 光谱空间注意力双边网络结构
Fig. 1 Spectral-Spatial Attention Bilateral Network structure
空间路径共有3层,每层均由二维卷积层、批归一化和Relu激活函数组成。每一层的卷积核大小为,步长均为2,因此输出特征图大小均为输入特征图大小的1/2。已有研究表明(
常用的增大感受野的方法,如更大的卷积核、金字塔池化模块或者空间金字塔池化,这些方法同时也带来大量的计算量和内存消耗,导致较慢的迭代速度。本文中上下文路径采用一种类似VGG网络结构,将其4倍下采样和8倍下采样结果通过注意力精炼模块(
图2 注意力精炼模块
Fig. 2 Attention refinement module
光谱空间注意力如
光谱注意力模块输入是原始高光谱数据,大小为w×h×d。使用全局平均池化和最大池化两种方式提取互补的光谱全局特征,得到两个1×1×d的光谱特征,再将提取到的特征通过同一个多层感知机MLP(Multi-Layer Perceptron)提取权重信息,将得到两个特征经过Sigmoid激活函数即可得到光谱权重系数MSe,大小为1×1×d。通过权重系数对原始HSI进行加权即可得到光谱加权HSI特征F'。光谱注意力计算可概括为
MSe(HSI)=σ(MLP(AvgPool(HSI)))+σ(MLP(MaxPool(HSI))) | (1) |
式中,HSI指原始高光谱图像,σ指Sigmoid激活函数,MSe指权重系数。
空间注意力模块输入是HSI进行光谱加权的结果,大小为w×h×d。与光谱注意力相似,空间注意力在通道维度分别进行全局平均池化和最大池化,并将得到大小为w×h×1结果进行拼接。然后经过一个7×7的卷积层,同样最后通过Sigmoid激活函数得到空间权重系数MSa,空间权重系数MSa与光谱加权特征F'相乘即可得到新特征。空间注意力计算可概括为
MSa(F')=σ(f7×7((AvgPool(F');MaxPool(F'))) | (2) |
式中,F'指原始高光谱图像光谱加权的结果,σ指Sigmoid激活函数,f7×7指卷积滤波器大小为7×7的卷积层。
通过光谱空间注意力模块,可以将与待分类像素类别相同的更多信息进行增强,抑制对分类无效的信息,使得最终判别像素正确类别概率提高。
双边网络不同路径由于结构不同,产生不同层次上特征,空间路径由于使用卷积加Relu函数,得到的特征大多是丰富的细节信息;上下文路径通过多次下采样捕获更多的上下文信息。两种路径输出不同层次的特征,如果简单的进行拼接,无法得到更有效的特征,因此提出一个特征融合模块(
图3 特征融合模块
Fig. 3 Feature fusion module
对于两条不同路径的输出,将其串联起来,通过批归一化能平衡不同层次特征的尺度。然后将连接的特征通过一种与SENet类似的结构计算出一个权重向量,通过权重向量与原始特征向量相乘可将原始特征进行重新赋权,即完成了不同层次特征的选择和组合。类SENet结构由两条相似路径组成,为了充分利用特征信息,将特征通过最大池化和平均池化,然后通过2个1×1卷积限制模型复杂度,并在两个卷积中加入Relu函数增加其非线性,最后通过sigmoid函数得到权重向量。具体结构设计细节如
卷积神经网络优化模型首先需要合适的目标函数,我们使用分类中最常用的交叉熵函数作为SSABN的损失函数,交叉熵的损失函数如下:
Loss=-1MM∑m=1C∑c=1ymclog(ˆymc) | (3) |
式中,y和ˆy为真实和预测标签,C是类别的数量,M是样本数量。模型中参数的更新则使用随机梯度下降。
在本节,首先介绍本文实验中使用的HSI数据集。然后对影响模型性能的一些超参数进行试验分析,之后由消融实验分析光谱空间注意力模块与特征融合模块的作用。最后将提出模型与和其他现有模型进行比较,分析讨论实验结果。
我们在实验中使用3个公开HSI数据IPs(Indian Pine),PU(Pavia University),SA(Salinas)来验证提出模型的有效性(
(1)IP(Indian Pines):这组数据拍摄时间为1992年6月,由机载可见光/红外成像分光计(AVIRIS)传感器在印第安纳州西北部的印第安松实验地点上空收集,该数据集像素大小为145×145,可用光谱波段数为200。该图像三分之一区域为森林或其他天然植物;接近三分之二的区域为农业作物,图中有一些农作物(玉米、大豆)覆盖率不足5%,是由于该图像拍摄时间为6月,这些农作物还处于生长初期;除此之外主要为高速公路和铁路线。现有的图像被标记为16个不同类别。
序号 | 类名 | 训练 | 验证 | 测试 |
---|---|---|---|---|
1 | Alfalfa | 9 | 5 | 32 |
2 | Corn-notill | 285 | 143 | 1000 |
3 | Corn-mintill | 166 | 83 | 581 |
4 | Corn | 47 | 24 | 166 |
5 | Grass-pasture | 97 | 48 | 338 |
6 | Grass-trees | 146 | 73 | 511 |
7 | Grass-pasture-mowed | 6 | 3 | 19 |
8 | Hay-windrowed | 96 | 48 | 334 |
9 | Oats | 4 | 2 | 14 |
10 | Soybean-notill | 194 | 97 | 681 |
11 | Soybean-mintill | 491 | 246 | 1718 |
12 | Soybean-clean | 118 | 59 | 416 |
13 | Wheat | 41 | 20 | 144 |
14 | Woods | 253 | 126 | 886 |
15 | Buildings-Grass-Trees-Drives | 77 | 39 | 270 |
16 | Stone-Steel-Towers | 19 | 9 | 65 |
总计 | 2049 | 1025 | 7169 |
(2)PU(Pavia University):这组数据拍摄时间为2002年7月,由意大利北部帕维亚大学的反射光学系统成像仪(ROSIS)采集,该数据集像素大小为610×340,可用光谱波段数为103。现有的图像被标记为9个不同类别。
序号 | 类名 | 训练 | 验证 | 测试 |
---|---|---|---|---|
1 | Asphalt | 1326 | 663 | 4642 |
2 | Meadows | 3730 | 1865 | 13054 |
3 | Gravel | 420 | 210 | 1469 |
4 | Trees | 613 | 306 | 2145 |
5 | Painted metal sheets | 269 | 134 | 942 |
6 | Bare Soil | 1006 | 503 | 3520 |
7 | Bitumen | 266 | 133 | 931 |
8 | Self-Blocking Bricks | 736 | 368 | 2578 |
9 | Shadows | 189 | 95 | 663 |
总计 | 8555 | 4277 | 29944 |
(3)SA(Salinas):这组数据由AVIRIS传感器于1998年在Salinas山谷收集,该数据集像素大小为512×217,可用光谱波段数为224。现有地物大多为农作物,被分为16个地物类别。
序号 | 类名 | 训练 | 验证 | 测试 |
---|---|---|---|---|
1 | Brocoli_green_weeds_1 | 402 | 201 | 1406 |
2 | Brocoli_green_weeds_2 | 745 | 372 | 2609 |
3 | Fallow | 395 | 198 | 1383 |
4 | Fallow_rough_plow | 279 | 139 | 976 |
5 | Fallow_smooth | 536 | 268 | 1874 |
6 | Stubble | 792 | 396 | 2771 |
7 | Celery | 716 | 358 | 2505 |
8 | Grapes_untrained | 2254 | 1127 | 7890 |
9 | Soil_vinyard_develop | 1240 | 620 | 4343 |
10 | Corn_senesced_green_weeds | 656 | 328 | 2294 |
11 | Lettuce_romaine_4wk | 214 | 108 | 747 |
12 | Lettuce_romaine_5wk | 385 | 193 | 1349 |
13 | Lettuce_romaine_6wk | 183 | 91 | 642 |
14 | Lettuce_romaine_7wk | 214 | 107 | 749 |
15 | Vinyard_untrained | 1453 | 727 | 5088 |
16 | Vinyard_vertical_trellis | 361 | 181 | 1265 |
总计 | 10825 | 5413 | 37891 |
3个数据集有不同的可用标记样本数量。IP数据集有10249个标记样本,PU数据集有42766个标记样本,而SA数据集有54129个标记样本。对于3个数据集,我们随机选取20%,10%,70%的标记样本分别作为训练样本,验证样本和测试样本,详细数据如表2—4所示。
为了评估SSABN模型的性能,实验在CPU为Intel Core i7-9750H 2.60 GHz*12,RAM为16 GB,GPU为NVIDIA GeForce 2060 ,RAM为6 GB的个人计算机上进行。软件环境的系统为Windows 10家庭版,python版本为3.7.6,深度学习框架为PYTorch,版本为1.4.0。
实验的定量评估方法使用总体精度OA(Overall Accuracy),平均精度AA(Average Accuracy)和Kappa系数(K)作为评价指标。
我们分析了影响训练进度和分类性能的一些因素即超参数,如批量大小,卷积滤波器核数,空间输入大小和训练样本比例,选取其在验证数据集上分类性能最优的参数,作为最终的实验结果比较。在接下来的实验中,每个实验进行200个epoch。
3.3.1 批量大小
神经网络的收敛速度和收敛性由学习率和批量大小决定,学习率控制着训练过程中梯度下降的步长,批量大小控制训练过程中每一个epoch中梯度下降的次数。我们使用多步下降策略控制学习率,对于批量大小则考虑以下集合{8,16,32,64,128,256}。结果如
图4 不同批量大小下的准确度
Fig. 4 Accuracy with different batch size
3.3.2 卷积滤波器核数
在双边网络中,上下文路径和空间路径的卷积滤波器的核数决定了其表示能力和计算消耗,设空间路径每层的核数均为ks,上下文路径第一层同样为ks,之后每次下采样将卷积滤波器的核数翻倍。为寻找SSABN模型最优滤波器核数ks,我们考虑以下ks集合{8,16,24,32}。如
图5 不同卷积滤波器核数下的准确度
Fig. 5 Accuracy with different kernel numbers of convolutional filters
3.3.3 空间输入大小
空间输入大小决定了有多少空间信息用于分类。随着空间输入大小的增加,可用的空间信息逐渐增加,同时也增加了一定的冗余信息。为评估空间输入大小对SSABN分类效果的影响,考虑{5,7,9,11,13,15,17,19,21}的空间输入大小集合。如
图6 不同空间输入大小的SSABN的准确度
Fig. 6 Accuracy with different spatial input sizes
双边网络结构提取两种不同层次特征,其空间路径提取特征具有丰富的空间信息,上下文路径通过多次下采样提取全局特征。只有当两种不同层次特征有足够区分度时,经过特征融合模块的输出结果才具有足够的判别性和抽象性。由于上下文路径的最大下采样倍数为8,当空间输入小于8时,4倍下采样与8倍下采的空间特征相似。所以当空间输入大小大于9×9时,SSABN表现稳健。
3.3.4 训练样本比例
卷积神经网络由于其结构,相较于传统方法有更强的拟合能力,当训练样本数量较少时更容易产生过拟合。考虑分别使用1%,5%,10%,15%和20%的标记像素作为训练集来训练SSABN。如
图7 模型在不同训练样本比例的IP,PU,SA数据集上的准确度
Fig. 7 The accuracy of the algorithm on the IP, PU, and SA datasets of different training sample proportions
3.4.1 光谱空间注意力
我们将SSABN与第一层没有光谱空间注意力模块的双边网络进行比较,结果如
我们将光谱—空间注意力模块与其他常用注意力模块:通道注意力,空间注意力,SENet进行比较。结果如
在本节中,我们将提出的SSABN与一种传统机器学习方法:SVM(
(1)定量分析。不同方法的定量度量见表5—8。由表5—7可以看出,与传统算法相比,深度学习方法能在3个公开数据集上取得更好的性能。这是由于它们可以学习更多抽象的高级特性,而SVM仅仅使用原始数据的光谱特性进行分类。此外,光谱空间注意力模块能有效地提取光谱和空间信息,双边网络结构能有效地利用多尺度特征,使得SSABN的分类准确度优于其他几种深度学习方法。
上述实验证明,我们提出的方法在同等条件下可以达到较高的准确度,而一个好的方法应该平衡准确度和效率。在每个数据集中随机选取20%标记像素作为训练样本验证,其他参数选取算法的最优参数。由
序号 | SVM | 3DCNN | FDSSC | SSRN | HYBridSN | GhoMRNet | SSABN |
---|---|---|---|---|---|---|---|
OA | 73.07±0.65 | 97.56±0.43 | 98.01±0.18 | 99.19±0.26 | 99.38±0.23 | 99.25±0.20 | 99.40±0.38 |
AA | 52.90±3.37 | 99.23±0.19 | 87.82±0.39 | 98.93±0.59 | 99.48±0.26 | 98.64±0.26 | 99.49±0.22 |
κ | 68.46±0.77 | 97.02±0.52 | 97.73±0.25 | 99.07±0.30 | 99.30±0.30 | 99.14±0.05 | 99.32±0.05 |
1 | 73.58 | 100.00 | 96.88 | 97.82 | 100.00 | 100.00 | 100.00 |
2 | 54.67 | 96.34 | 99.80 | 99.17 | 97.10 | 97.80 | 97.00 |
3 | 14.74 | 99.49 | 100.00 | 99.53 | 100.00 | 98.97 | 100.00 |
4 | 82.38 | 100.00 | 100.00 | 97.79 | 100.00 | 100.00 | 100.00 |
5 | 93.32 | 99.91 | 96.45 | 99.24 | 100.00 | 99.70 | 100.00 |
6 | 22.73 | 99.75 | 99.41 | 99.51 | 100.00 | 99.80 | 100.00 |
7 | 80.37 | 100.00 | 26.32 | 98.70 | 100.00 | 100.00 | 100.00 |
8 | 0.00 | 100.00 | 100.00 | 99.85 | 100.00 | 100.00 | 100.00 |
9 | 63.75 | 100.00 | 0.00 | 98.50 | 100.00 | 85.72 | 100.00 |
10 | 88.19 | 98.72 | 98.97 | 98.74 | 99.85 | 99.27 | 100.00 |
11 | 38.95 | 95.52 | 96.33 | 99.30 | 99.77 | 99.59 | 99.83 |
12 | 89.02 | 99.47 | 97.12 | 98.43 | 98.08 | 98.08 | 98.08 |
13 | 88.64 | 100.00 | 98.61 | 100.0 | 100.00 | 100.00 | 100.00 |
14 | 37.22 | 99.55 | 100.00 | 99.31 | 100.00 | 100.00 | 100.00 |
15 | 18.92 | 99.54 | 95.19 | 99.20 | 100.00 | 99.26 | 100.00 |
16 | 73.58 | 99.34 | 100.00 | 97.82 | 96.92 | 100.00 | 96.92 |
注: 加粗表示最优效果。
以上实验证明,我们提出的SSABN不仅在有较高的准确的的同时,有效减少了训练时间,能很好地提高准确度和效率,是一个较为优质的解决方案。
序号 | SVM | 3DCNN | FDSSC | SSRN | HYBridSN | GhoMRNet | SSABN |
---|---|---|---|---|---|---|---|
OA | 94.79±0.47 | 99.54±0.11 | 98.73±0.56 | 99.79±0.09 | 99.67±0.26 | 99.81±0.08 | 99.83±0.13 |
AA | 92.93±0.36 | 99.66±0.11 | 98.31±0.66 | 99.66±0.17 | 99.36±0.12 | 99.65±0.15 | 99.73±0.17 |
κ | 93.08±0.70 | 99.41±0.15 | 97.24±0.49 | 99.72±0.12 | 99.56±0.15 | 99.76±0.12 | 99.78±0.11 |
1 | 94.48 | 99.36 | 98.82 | 99.92 | 100.00 | 99.94 | 100.00 |
2 | 98.16 | 99.36 | 99.74 | 99.96 | 100.00 | 99.99 | 100.00 |
3 | 82.13 | 99.69 | 98.14 | 98.46 | 99.80 | 98.43 | 98.98 |
4 | 94.70 | 99.63 | 94.43 | 99.69 | 97.16 | 99.77 | 99.72 |
5 | 98.51 | 99.95 | 99.14 | 99.99 | 100.00 | 100.00 | 100.00 |
6 | 91.00 | 99.96 | 99.69 | 99.94 | 100.00 | 100.00 | 100.00 |
7 | 86.84 | 100.00 | 96.68 | 99.82 | 100.00 | 99.36 | 100.00 |
8 | 84.40 | 99.65 | 98.90 | 99.22 | 99.11 | 99.34 | 98.88 |
9 | 99.47 | 99.38 | 89.54 | 99.95 | 98.19 | 100.00 | 100.00 |
注: 加粗表示最优效果。
序号 | SVM | 3DCNN | FDSSC | SSRN | HYBridSN | GhoMRNet | SSABN |
---|---|---|---|---|---|---|---|
OA | 94.14±0.58 | 97.56±1.25 | 99.04±0.47 | 99.60±0.22 | 99.88±0.09 | 99.93±0.7 | 99.96±0.04 |
AA | 97.14±0.86 | 99.23±1.97 | 99.54±0.18 | 99.84±0.57 | 99.90±0.04 | 99.95±0.05 | 99.97±0.03 |
κ | 93.47±0.65 | 97.02±1.39 | 98.93±0.53 | 99.56±0.25 | 99.87±0.03 | 99.92±0.08 | 99.95±0.05 |
1 | 99.87 | 100.00 | 100.00 | 100.00 | 100.00 | 100.00 | 100.00 |
2 | 99.81 | 96.34 | 100.00 | 100.00 | 100.00 | 100.00 | 100.00 |
3 | 99.46 | 99.49 | 100.00 | 100.00 | 100.00 | 100.00 | 100.00 |
4 | 98.83 | 100.00 | 100.00 | 100.00 | 100.00 | 99.80 | 100.00 |
5 | 99.94 | 99.91 | 99.41 | 100.00 | 99.84 | 100.00 | 100.00 |
6 | 99.69 | 99.75 | 100.00 | 100.00 | 100.00 | 100.00 | 100.00 |
7 | 88.69 | 100.00 | 100.00 | 100.00 | 100.00 | 100.00 | 100.00 |
8 | 99.76 | 97.94. | 97.22 | 98.90 | 100.00 | 99.91 | 99.92 |
9 | 96.64 | 100.00 | 100.00 | 100.00 | 100.00 | 100.00 | 100.00 |
10 | 98.59 | 98.72 | 99.13 | 100.00 | 98.91 | 100.00 | 100.00 |
11 | 99.74 | 95.52 | 99.46 | 99.87 | 100.00 | 100.00 | 99.73 |
12 | 99.18 | 99.47 | 100.00 | 100.00 | 99.85 | 100.00 | 100.00 |
13 | 97.55 | 100.00 | 100.00 | 100.00 | 100.00 | 100.00 | 100.00 |
14 | 77.49 | 99.55 | 99.73 | 100.00 | 100.00 | 99.73 | 100.00 |
15 | 99.10 | 99.54 | 97.94 | 98.80 | 99.74 | 99.69 | 99.82 |
16 | 99.87 | 99.34 | 99.68 | 99.92 | 100.00 | 100.00 | 100.00 |
注: 加粗表示最优效果。
数据集 | SVM | 3D-CNN | FDSSC | SSRN | HYBridSN | GhoMRNet | SSABN | |
---|---|---|---|---|---|---|---|---|
一个epoch所需时间/s | IP | 2.56 | 20.58 | 125.89 | 61.09 | 9.15 | 9.36 | 5.37 |
PU | 2.32 | 40.58 | 438.57 | 205.68 | 11.03 | 29.31 | 16.24 | |
SA | 7.67 | 93.89 | 636.57 | 298.24 | 13.58 | 36.22 | 21.28 | |
训练所需时间/min | IP | — | 35 | 208 | 101 | 15 | 16 | 9 |
PU | — | 70 | 730 | 342 | 18 | 49 | 27 | |
SA | — | 155 | 1060 | 496 | 22 | 61 | 35 |
(2)定性分析。图
图8 使用不同模型的IP数据分类图
Fig. 8 Classification maps for the IP dataset
图9 使用不同模型的PU数据分类图
Fig. 9 Classification maps for the PU dataset
图10 使用不同模型的SA数据分类图
Fig. 10 Classification maps for the SA dataset
本文中提出一种用于HSIC的SSABN模型,该模型用双边网络作为基础网络结构学习光谱和空间特征,用光谱—空间注意力来进行光谱波段和空间信息的选择和增强,最后由特征融合模块进行特征融合输出判别性特征。
首先,原始的HSI块直接作为模型的输入,这是一个端到端的二维CNN网络框架,不用依靠领域知识和专家经验。其次,利用光谱注意力和空间注意力模块来增强和提取有效的波段和像素。消融实验表明,光谱空间注意力模块能有效地提取抽象性特征,增加分类精度。双边网络提取丰富信息后由特征融合模块提取判别性特征,并通过全连接层输出预测类别,通过熔断实验证明了特征融合模块的有效性。最后,在3个公开数据集上进行对比实验,由定量分析可以看出,SSABN网络模型均取得了更加好的分类精度同时也降低了计算消耗时间,结果可视化也表明,SSABN网络能有效地划分边界,且分类精度高于其他模型。
Cao Y, Ye Y T, Zhao H L, Jiang Y Z and Wang H. 2019. Remote sensing of total suspended matter concentration and turbidity in a macrophytic lake. Journal of Remote Sensing, 23(6): 1253-1268 [百度学术]
曹引, 冶运涛, 赵红莉, 蒋云钟, 王浩. 2019. 草型湖泊总悬浮物浓度和浊度遥感监测. 遥感学报, 23(6): 1253-1268 [DOI: 10.11834/jrs.20198144] [百度学术]
Chen X, Lee H and Lee M. 2019. Feasibility of using hyperspectral remote sensing for environmental heavy metal monitoring. [DOI: 10.5194/isprs-archives-XLII-3-W7-1-2019] [百度学术]
Chen Y S, Lin Z H, Zhao X, Wang G and Gu Y. 2014. Deep learning-based classification of hyperspectral data. IEEE Journal of Selected Topics in Applied Earth Observations and Remote Sensing, 7(6): 2094-2107. [DOI: 10.1109/JSTARS.2014.2329330] [百度学术]
Chen Y S, Zhao X and Jia X P. 2015. Spectral-spatial classification of hyperspectral data based on deep belief network. IEEE Journal of Selected Topics in Applied Earth Observations and remote Sensing, 8(6): 2381-2392. [DOI: 10.1109/JSTARS.2015.2388577] [百度学术]
Das A, Saha I and Scherer R. 2020. GhoMR: multi-receptive lightweight residual modules for hyperspectral classification. Sensors, 20(23): 6823. [DOI: 10.3390/s20236823] [百度学术]
Deng C, Xue Y M, Liu X L, Li C and Tao D C. 2019. Active transfer learning network: a unified deep joint spectral-spatial feature learning model for hyperspectral image classification. IEEE Transactions on Geoscience and Remote Sensing, 57(3): 1741-1754. [DOI: 10.1109/TGRS.2018.2868851] [百度学术]
Ghamisi P, Dalla Mura M and Benediktsson J A. 2015. A survey on spectral-spatial classification techniques based on attribute profiles. IEEE Transactions on Geoscience and Remote Sensing, 53(5): 2335-2353. [DOI: 10.1109/TGRS.2014.2358934] [百度学术]
Ham J, Chen Y C, Crawford M M and Ghosh J. 2005. Investigation of the random forest framework for classification of hyperspectral data. IEEE Transactions on Geoscience and Remote Sensing, 43(3): 492-501. [DOI: 10.1109/TGRS.2004.842481] [百度学术]
Li J L, Sun D W and Cheng J H. 2016. Recent advances in nondestructive analytical techniques for determining the total soluble solids in fruits: a review. Comprehensive Reviews in Food Science and Food Safety, 15(5): 897-911. [DOI: 10.1111/1541-4337.12217] [百度学术]
Li R, Zheng S Y, Duan C X, Yang Y and Wang X Q. 2020. Classification of hyperspectral image based on double-branch dual-attention mechanism network. Remote Sensing, 12(3): 582. [DOI: 10.3390/rs12030582] [百度学术]
Li T, Zhang J P and Zhang Y. 2015. Classification of hyperspectral image based on deep belief networks//2014 IEEE International Conference on Image Processing (ICIP). Paris: IEEE. [DOI: 10.1109/ICIP.2014.7026039] [百度学术]
Luo R B, Liao W Z, Philips W and Pi Y G. 2015. An improved semi-supervised local discriminant analysis for feature extraction of hyperspectral image. 2015 Joint Urban Remote Sensing Event (JURSE). Lausanne: IEEE. [DOI: 10.1109/JURSE.2015.7120508] [百度学术]
Luo W J, Li Y J, Urtasun R and Zemel R. 2017. Understanding the effective receptive field in deep convolutional neural networks//Proceedings of the 30th International Conference on Neural Information Processing Systems. Barcelona, Spain: Curran Associates Inc. [百度学术]
Ma L, Crawford M M and Tian J W. 2010. Local manifold learning-based k-nearest-neighbor for hyperspectral image classification. IEEE Transactions on Geoscience and Remote Sensing, 48(11): 4099-4109. [DOI: 10.1109/TGRS.2010.2055876] [百度学术]
Mei S H, Ji J Y, Geng Y H, Zhang Z, Li X and Du Q. 2019a. Unsupervised spatial-spectral feature learning by 3D convolutional autoencoder for hyperspectral classification. IEEE Transactions on Geoscience and Remote Sensing, 57(9)6808-6820. [DOI: 10.1109/TGRS.2019.2908756] [百度学术]
Mei X G, Pan E T, Ma Y, Dai X B, Huang J, Fan F, Du Q L, Zheng H and Ma J Y. 2019b. Spectral-spatial attention networks for hyperspectral image classification. Remote Sensing, 11(8): 963. [DOI: 10.3390/rs11080963] [百度学术]
Melgani F and Bruzzone L. 2004. Classification of hyperspectral remote sensing images with support vector machines. IEEE Transactions on Geoscience and Remote Sensing, 42(8): 1778-1790. [DOI: 10.1109/TGRS.2004.831865] [百度学术]
Mou L C, Ghamisi P and Zhu X X. 2017. Deep recurrent neural networks for hyperspectral image classification. IEEE Transactions on Geoscience and Remote Sensing, 55(7): 3639-3655. [DOI: 10.1109/TGRS.2016.2636241] [百度学术]
Murphy R J, Whelan B, Chlingaryan A and Sukkarieh S. 2018. Quantifying leaf-scale variations in water absorption in lettuce from hyperspectral imagery: a laboratory study with implications for measuring leaf water content in the context of precision agriculture. Precision Agriculture, 20(4): 767-787. [DOI: 10.1007/s11119-018-9610-5] [百度学术]
Rodarmel C and Shan J. 2002. Principal component analysis for hyperspectral image classification. Surveying and Land Information Systems, 62(2): 115-123. [百度学术]
Roy S K, Dubey S R, Chatterjee S, Chaudhuri B B. 2020. FuSENet: fused squeeze-and-excitation network for spectral-spatial hyperspectral image classification. IET Image Process, 14(8): 1653-1661. [DOI: 10.1049/iet-ipr.2019.1462] [百度学术]
Roy S K, Krishna G, Dubey S R and Chaudhuri B B. 2020. HybridSN: exploring 3-D-2-D CNN feature hierarchy for hyperspectral image classification. IEEE Geoscience and Remote Sensing Letters, 17(2): 277-281 [DOI: 10.1109/LGRS.2019.2918719] [百度学术]
Shimoni M, Haelterman R and Perneel C. 2019. Hypersectral imaging for military and security applications: combining myriad processing and sensing techniques. IEEE Geoscience and Remote Sensing Magazine, 7(2): 101-117. [DOI: 10.1109/MGRS.2019.2902525] [百度学术]
Sun W and Du Q. 2018. Graph-regularized fast and robust principal component analysis for hyperspectral band selection. IEEE Transactions on Geoscience and Remote Sensing, 56(6): 3185-3195. [DOI: 10.1109/TGRS.2018.2794443] [百度学术]
Sun W W and Du Q. 2019. Hyperspectral band selection: a review. IEEE Geoscience and Remote Sensing Magazine, 7(2): 118-139. [DOI: 10.1109/MGRS.2019.2911100] [百度学术]
Vaswani A, Shazeer N, Parmar N, Uszkoreit J, Jones L, Gomez A N, Kaiser Ł and Polosukhin I. 2017. Attention is all you need//Proceedings of the 31st International Conference on Neural Information Processing Systems. Long Beach: Curran Associates Inc. [百度学术]
Wang J and Chang C I. 2006. Independent component analysis-based dimensionality reduction with applications in hyperspectral image analysis. IEEE Transactions on Geoscience and Remote Sensing, 44(6): 1586-1600. [DOI: 10.1109/TGRS.2005.863297] [百度学术]
Wang W J, Dou S G, Jiang Z M and Sun L J. 2018. A fast dense spectral-spatial convolution network framework for hyperspectral images classification. Remote Sensing, 10(7): 1068. [DOI: 10.3390/rs10071068] [百度学术]
Zhang X R, Sun Y J, Jiang K, Li C, Jiao L C and Zhou H Y. 2018. Spatial sequential recurrent neural network for hyperspectral image classification. IEEE Journal of Selected Topics in Applied Earth Observations and Remote Sensing, 11(11): 4141-4155. [DOI: 10.1109/JSTARS.2018.2844873] [百度学术]
Zhong Z L, Li J, Luo Z M and Chapman M. 2018. Spectral-spatial residual network for hyperspectral image classification: a 3-d deep learning framework. IEEE Transactions on Geoscience and Remote Sensing, 56(2): 847-858. [DOI: 10.1109/TGRS.2017.2755542] [百度学术]
Zhou Y C, Peng J T and Chen C L P. 2015. Extreme learning machine with composite kernels for hyperspectral image classification. IEEE Journal of Selected Topics in Applied Earth Observations and Remote Sensing, 8(6): 2351-2360. [DOI: 10.1109/JSTARS.2014.2359965] [百度学术]
Zhu L, Chen Y S, Ghamisi P and Benediktsson J A. 2018. Generative adversarial networks for hyperspectral image classification. IEEE Transactions on Geoscience and Remote Sensing, 56(9): 5046-5063 [DOI: 10.1109/TGRS.2018.2805286] [百度学术]
相关作者
相关机构