Print

发布时间: 2018-11-16
摘要点击次数:
全文下载次数:
DOI: 10.11834/jig.180119
2018 | Volume 23 | Number 11




    遥感图像处理    




  <<上一篇 




  下一篇>> 





SAR图像目标识别的卷积神经网模型
expand article info 林志龙, 王长龙, 胡永江, 张岩
陆军工程大学无人机工程系, 石家庄 050003

摘要

目的 合成孔径雷达图像目标识别可以有效提高合成孔径雷达数据的利用效率。针对合成孔径雷达图像目标识别滤波处理耗时长、识别精度不高的问题,本文提出一种卷积神经网络模型应用于合成孔径雷达图像目标识别。方法 首先,针对合成孔径雷达图像特点设计特征提取部分的网络结构;其次,代价函数中引入L2范数提高模型的抗噪性能和泛化性;再次,全连接层使用Dropout减小网络的运算量并提高泛化性;最后研究了滤波对于网络模型的收敛速度和准确率的影响。结果 实验使用美国运动和静止目标获取与识别数据库,10类目标识别的实验结果表明改进后的卷积神经网络整体识别率(包含变体)由93.76%提升至98.10%。通过设置4组对比实验说明网络结构的改进和优化的有效性。卷积神经网络噪声抑制实验验证了卷积神经网络的特征提取过程对于SAR图像相干斑噪声有抑制作用,可以省去耗时的滤波处理。结论 本文提出的卷积神经网络模型提高了网络的准确率、泛化性,无需耗时的滤波处理,是一种合成孔径雷达图像目标识别的有效方法。

关键词

合成孔径雷达; 自动目标识别; 卷积神经网络; 正则化; Dropout

Convolution neural network model for SAR image target recognition
expand article info Lin Zhilong, Wang Changlong, Hu Yongjiang, Zhang Yan
Department of Unmanned Aerial Vehicle, Army Engineering University, Shijiazhuang 050003, China

Abstract

Objective Synthetic aperture radar (SAR) is an important means of earth observation considering its all-weather, day-and-night, and penetrating imaging capabilities. SAR has been extensively used in battlefield detection and intelligence acquisition. SAR is a kind of electromagnetic wave coherent imaging system. A SAR image not only has variability but also has a strong speckle noise, which leads to considerable difficulties in target recognition of a SAR image. A manual interpretation of numerous SAR image data is difficult given the diversity of SAR image acquisition methods. A SAR automatic target recognition can effectively improve the utilization efficiency of SAR image data. However, the current SAR image target recognition algorithm has two main problems. First, the characteristics of target recognition, such as edge, corner, contour, texture, and other low-level features, are not representative. Second, in the traditional SAR image target recognition method, an effective filtering algorithm is crucial, but the filtering process is time-consuming. A convolutional neural network model is presented in this study to solve the problems of time-consuming filtering process and low recognition accuracy in the SAR target recognition. Method First, a network structure of the feature extraction part was specifically designed for the characteristics of SAR images, which are slightly different from optical images. We must design a reasonable network structure for the characteristics of SAR images. First, a SAR image that reflects a target radar echo intensity is a gray image because the feature information is less in a SAR image than in an optical image. Second, speckle noise inevitably exists in the SAR image. Third, the pixel size of the target is small because of the resolution limitation of the SAR image. Owing to the characteristics of SAR images, the convolutional neural network applied to SAR image target recognition must use a small convolution kernel and an appropriate convolution layer number. The feature extraction part of the proposed convolutional neural network model consists of four convolutional layers, four nonlinear layers, and two pooling layers. Second, an L2 norm was introduced to the cost function to improve the anti-noise and generalization performances of the model. Theoretical deduction shows the means by which the L2 norm enhances the noise immunity and generalization performance of the model. Third, Dropout reduced the computational complexity of the network and improved the generalization performance of the model. Dropout is a regularization technique for the reduction of overfitting in neural networks by preventing complex co-adaptations in training data. Dropout is an efficient technique for conducting model averaging with neural networks. Finally, the influence of filtering on the convergence speed and accuracy of the network was investigated. In the traditional SAR image target recognition method, the effective filtering algorithm is crucial, but the filtering process is time-consuming. Result Experimental data were obtained from the United States Moving and Stationary Target Acquisition and Recognition database. Experimental results of 10 types of target recognition showed that the overall recognition rate (including the variant) of the improved convolutional neural network increased from 93.76% to 98.10%. The improved feature extraction network structure extracts effective target features, thus improving the accuracy of the model. The accuracy of target variant recognition in SAR images had also been considerably improved. Notably, L2 regularization and Dropout enhanced the generalization performance of the model. Different sets of comparative experiments were set up to illustrate the effectiveness of improving and optimizing the network structure. The accuracy rate decreased from 98.10% to 97.06% when the first layer uses a 9×9 convolution kernel instead of two cascaded 5×5 convolution kernels. The accuracy of network identification increases from 94.91% to 96.19% when using L2 regularization, thereby indicating that L2 regularization can effectively improve the accuracy of network identification. Dropout increases the fluctuation range of the recognition rate, thus increasing the recognition accuracy to the highest level. Noise suppression experiments on the convolutional neural network were conducted to analyze the effects of three filtering methods, namely, Lee, bilateral, and Gamma MAP (Maximum A Posteriori), on the training process and results of the model. The experiments verified that the feature extraction process of the convolutional neural network can suppress the speckle noise of the SAR image and can save time during the filtering process. The filtering process consumes additional time, does not improve the convergence speed of convolutional neural network training, and decreases the recognition accuracy because it may filter out effective target recognition features, such as target texture, thus resulting in a decrease in recognition accuracy. Conclusion The convolutional neural network model proposed in this study improves the accuracy and generalization of the network, does not require a time-consuming filtering process, and is an effective method for target recognition of SAR images.

Key words

synthetic aperture radar (SAR); automatic target recognition (ATR); convolutional neural network (CNN); regularization; Dropout

0 引言

合成孔径雷达(SAR)具有穿透云雾和植被的特点,可实现全天候对地观测,应用前景十分广阔[1]。SAR是一种电磁波相干成像系统,其图像不仅具有易变性,即SAR图像会随着目标姿态、俯仰角度、周围环境的微小变化而发生较大的变化,而且具有较强的相干斑噪声,给SAR图像目标识别带来巨大的困难。此外,由于SAR图像获取方式多样化,人工解译大量的SAR图像数据实现困难。SAR图像自动目标识别(ATR)可以有效提高SAR图像数据的利用效率[2],极大提高军队情报获取能力。

关于SAR图像目标识别方法,国内外学者进行了大量的研究。文献[3]提出了基于模板匹配的SAR图像目标识别方法,在MSTAR数据库上实现了SAR图像的自动识别。但模板匹配需要存储大量目标模板,导致识别效率不高,文献[4]提出了建立SAR回波模型以提高效率。模型的建立需要合理假设,为了避免模型建立的复杂过程,文献[5]提出使用主成分分析(PCA)来提取SAR图像目标的有效特征进行识别。文献[6]提出了基于PCA、独立分量分析和Gabor小波决策融合的SAR图像目标识别方法进一步增强SAR目标特征的有效性。融合特征提取相较于单一特征提取较为复杂,且融合权重参数对识别结果影响较大。在分类器方面,文献[7]将支持向量机SVM应用于SAR图像目标识别,进一步提高了SAR图像目标识别的准确率。文献[8]通过实验证明Adaboost分类器在SAR图像目标识别方面相较于SVM有着更好的鲁棒性。文献[9]将Adaboost与径向基神经网络结合对SAR图像目标进行识别,进一步提高了SAR图像目标识别的准确率。文献[10]提出使用热核矩阵提取SAR图像目标的纹理信息进行目标识别,明显提高了SAR图像的识别率。文献[11]为了解决SAR图像受相干斑噪声干扰和震后发生形变而识别率偏低的问题,提出了一种新的仿射、形变不变特征——热核特征,并将该特征用于SAR图像目标识别。文献[12]提出了用CNN提取特征而后使用SVM进行分类的方法,进一步提高了SAR图像目标识别的准确率,在解决非线性分类问题上表现优良。但使用二元分类器SVM进行多分类任务需要多个SVM分类器,会降低分类效率。所以,在SAR图像目标识别方面仍存在很大的进步空间。

卷积神经网络由Lecun等人[13]于1998年提出,包含卷积层和子采样层,可以接受2维数据结构的输入,具有较强的畸变鲁棒性。将CNN引入SAR图像目标识别不仅可以提高准确率,也无需耗时的滤波处理。将CNN应用于SAR图像目标识别的研究具有重大的意义。

上述方法使计算机能够自主或辅助进行SAR图像的目标识别,并且不断地提高了SAR图像目标识别的准确率,使SAR目标识别技术取得了较大的进步。但是仍存在以下2个主要问题亟待解决:第一,用于目标识别的特征缺乏代表性,例如边缘特征、角点特征、轮廓、纹理等特征都属于低级特征,导致识别精度较低;第二,在传统的SAR图像目标识别方法中,有效的滤波算法至关重要,但滤波处理非常耗时。

针对以上两点问题,本文首先针对SAR图像特点设计特征提取部分的网络结构,然后通过对比实验研究了网络结构的改进和引入L2范数使用Dropout对网络识别准确率的影响,最后使用Lee滤波、Gamma MAP滤波、双边滤波算法制作滤波后的数据集,通过实验研究了滤波对于网络的收敛速度和准确率的影响。

1 SAR图像目标识别算法流程

图 1是本文实现SAR图像目标识别的卷积神经网络模型组成,描述了基于卷积神经网络SAR图像目标识别的流程。具体步骤如下:

图 1 卷积神经网络模型图
Fig. 1 Convolution neural network model

1) 数据输入。输入图像来源于美国国防研究规划局和空军研究实验室联合资助的运动和静止目标获取与识别(MSTAR)数据库。该数据库由10类地面军事目标的SAR图像目标切片组成,每类包含有数百张从不同视角获取的目标雷达图像切片。每张图片的大小为128×128像素。

2) 特征提取。使用卷积层、下采样层和非线性层对输入的SAR图像目标切片进行特征提取。每个卷积层后都跟随一个ReLU非线性层,解决梯度消失的问题,从而加快网络的训练速度。

3) 根据特征进行分类。Softmax分类器输入为特征提取部分所提取的120张大小为1×1像素的特征图。隐含层的神经元个数为120个,使用sigmoid函数作为非线性函数。输出的神经元个数与目标种类的个数相同。使用交叉熵代价函数评价模型的分类结果,并使用批量梯度下降算法(BGD),进行反向传播,不断地调整优化网络参数,提高目标识别的准确率。

2 改进的特征提取网络结构

2.1 特征提取网络的结构

SAR图像相较于光学图像有巨大的差异,要针对SAR图像的特点设计合理的网络结构。第一,反映目标雷达回波强度的SAR图像是灰度图像,与光学图像相比包含目标的特征信息较少;第二,SAR图像不可避免地存在相干斑噪声;第三,由于SAR图像的分辨率限制,目标的像素大小较小。

本文针对以上SAR图像的特点,设计卷积神经网络模型:卷积神经网络的参数越多,模型容量越大,应用在包含目标信息较少的SAR图像目标识别可能会发生过拟合现象;卷积层数越多对于抑制SAR图像的相干斑噪声效果越好;SAR图像的目标像素大小较小,使用较大的卷积核无法有效地提取目标的细节特征。综上所述,应用于SAR图像目标识别的卷积神经网络要使用较小的卷积核和适当的卷积层数。设计特征提取部分由4个卷积层、4个非线性层和2个下采样层组成。

使用多个较小的卷积核与使用较大卷积核效果相近,但降低了参数数量和计算量。例如,当输入图像的大小为$ s$×$ s$时,1个9×9卷积核与2个级联5×5的卷积核参数和计算量的比较如表 1所示。

表 1 不同卷积核大小的参数和计算量
Table 1 Parameters and calculations of the size of different convolution kernels

下载CSV
9×9卷积核 2个级联5×5卷积核
参数个数 81 50
乘法计算量 81($ s$-8)2 25($ s$-4)2+25($ s$-8)2
注:$ s$为输入图像的大小。

首先,2个级联5×5大小的卷积核参数要少于9×9大小的卷积核;然后,通过计算可知,当图像大小$ \mathit{s}{\rm{ > }}\frac{{\rm{1}}}{{{\rm{31}}}}{\rm{(348 + 40}}\sqrt {{\rm{14}}} {\rm{) = 16}}{\rm{.05}}$时,使用2个级联5×5大小的卷积核计算量也要小于使用单个9×9大小的卷积核。同时,非线性层也随卷积层数增多而增多,虽然非线性层会增加模型的复杂度,但在不增加模型参数的情况下提高了模型的特征提取能力。

2.2 卷积神经网络对噪声的抑制

相干斑噪声是相干成像系统固有的一种现象,它会降低SAR图像的质量,给目标识别带来不利的影响。抑制相干斑噪声的技术主要分为3类:多视处理[14];基于图像统计特性的滤波方法,如Lee、Kuan、Gamma MAP等滤波器;变换域多尺度滤波方法,如小波软阈值、曲波滤波等。

在数字图像处理领域,使用权值和大小不同的卷积核对图像进行卷积操作可以对图像进行不同的滤波或特征提取操作。有效的滤波算法对于确保SAR图像目标识别的准确率至关重要。

卷积神经网络训练过程中,卷积层的权重会不断地调整使得识别准确率提高,只有卷积层学习到如何抑制相干斑噪声,识别才会达到更高的准确率。所以,将卷积神经网络应用于SAR图像的目标识别无需耗时的滤波处理。

3 优化的Softmax分类器

3.1 正则化项

本文为了提高网络的泛化性,在损失函数中加入L2正则化项,即

$ L = {L_0} + \frac{\lambda }{{2m}}\sum\limits_i^n {w_i^2} $ (1)

式中,$ L$为加入L2正则化项(等式右侧第2项)后的代价函数,$ L_0$为原始的代价函数,$ \lambda $为正则项系数,$ m$为训练样本的大小,$ n$为权重参数的数目,$ w$为网络的权重参数。

相较于无正则化项的代价函数,由只需$ L_0$最小转变为使得$ L_0$减小的同时,确保网络权重参数的平方和尽可能小。下面讨论加入正则化项对于网络的影响,即

$ y = \sigma (b + \sum\limits_i^n {{w_i}{x_i}} ) $ (2)

$ \Delta y = \sigma ({w_i}\Delta {x_i}) $ (3)

式中,$ y$表示某个神经元的输出,$ \sigma$是非线性函数,$ {w_i}$$ b$分别是权重和偏置,$ n$为权重参数的数目,$ {x_i}$为输入的第$ i$个维度上的值,$ \Delta {\mathit{x}_i}$$ \Delta \mathit{y}$表示输入某一维的变化量和输出的变化量。当参数$ {w_i}$较小时,SAR图像的某个特征$ {x_i}$的变化量$ \Delta {\mathit{x}_i}$对于最终的结果影响较小,增强网络的抗噪声性能。

当权重的总和一定时,使其平方和最小,即

$ \sum\limits_i^n {{w_i}} = C $ (4)

$ \mathop {{\rm{arg}}\;{\rm{min}}}\limits_w \sum\limits_i^n {w_i^2} $ (5)

式中,$ {w_i}$为权重,$ C$为任意常数。使用拉格朗日乘数法进行最优化求解,引入拉格朗日乘数$ \alpha $,构造拉格朗日函数

$ F\left( {w, \alpha } \right) = \sum\limits_i {w_i^2} + \alpha (\sum\limits_i {{w_i}} - C) $ (6)

对所有$ {w_i}$$ \alpha $求导得

$ \left\{ \begin{array}{l} 2{w_1} + \alpha = 0\\ 2{w_2} + \alpha = 0{\rm{ }}\\ \vdots \\ 2{w_n} + \alpha = 0\\ \sum\limits_i^n {{w_i}} = C \end{array} \right. $ (7)

由式(7)可知,当权重之和$ C$一定时,所有参数$ {w_i}$相等时,正则化项$ \sum\limits_i^n {w_i^2} $取得最小值。引入L2正则化项后,网络训练过程中会使权重参数$ w$更为均衡,不会过于依赖某个特征$ {x_i}$,增强了网络的泛化性能。

3.2 Dropout原理

Dropout是Hinton等人[15]在2012年提出的一种可以有效防止过拟合的神经网络训练的方法,Dropout的原理如图 2所示。

图 2 Dropout原理示意图
Fig. 2 Dropout schematic diagram

对于包含$ L$个隐含层的神经网络,用$ l$∈{1, …, $L$}分别表示每个隐含层,$ {\mathit{\boldsymbol{z}}^{\left( l \right)}}$表示$ l$层的输入向量,$ {\mathit{\boldsymbol{y}}^{\left( l \right)}}$表示$ l$层的输出向量。$ {\mathit{W}^{\left( l \right)}}$$ {\mathit{b}^{\left( l \right)}}$分别表示$ l$层的权重和偏置,$ f$表示非线性函数。对于$ l$层第$ i$个神经元的前向传播可以表示为

$ \mathit{\boldsymbol{z}}_i^{(l + 1)} = w_i^{(l + 1)}{\mathit{\boldsymbol{y}}^{(l)}} + b_i^{(l + 1)} $ (8)

$\mathit{\boldsymbol{y}}_i^{(l + 1)} = f(\mathit{\boldsymbol{z}}_i^{(l + 1)}) $ (9)

引入Dropout之后,前向传播的式子变为

$ \mathit{\boldsymbol{r}}_i^{(l)} \sim {\rm{Bernoulli}}\left( p \right) $ (10)

$ {{\mathit{\boldsymbol{\tilde y}}}^{(l)}} = {\mathit{\boldsymbol{r}}^{(l)}} \odot {\mathit{\boldsymbol{y}}^{(l)}} $ (11)

$ \mathit{\boldsymbol{z}}_i^{(l + 1)} = w_i^{(l + 1)}{{\mathit{\boldsymbol{\tilde y}}}^{(l)}} + b_i^{(l + 1)} $ (12)

$ \mathit{\boldsymbol{y}}_i^{(l + 1)} = f(\mathit{\boldsymbol{z}}_i^{(l + 1)}) $ (13)

式中,$ \odot $表示对应元素相乘。$ \mathit{\boldsymbol{r}}_i^{\left( l \right)}$是每个元素独立服从伯努利分布的向量,通过与$ l$层的输出$ {\mathit{\boldsymbol{y}}^{\left( l \right)}}$对应元素相乘得到$ {{\mathit{\boldsymbol{\tilde y}}}^{\left( l \right)}}$作为下一层的输入。每个隐含层都是用Dropout相当于从整个神经网络中采样子网络。在训练过程中,对子网络进行反向传播更新参数。在测试过程中,权重$ {\mathit{W}^{\left( l \right)}}$按照$ p$缩放为$ {\mathit{pW}^{\left( l \right)}}$,通常$ p$设定为0.5。

4 实验

4.1 实验设置

4.1.1 实验平台参数

计算机配置:处理器为英特尔Xeon E5-2620v3,主频2.4 GHz;显卡为NVIDIA GeForce GTX1060,显存为3 GB;系统为Ubuntu 16.04;编程环境为OpenCV 3.1.0,cuda 8.0, 官方caffe(编译python接口),MATLAB 2016(Linux版)。

4.1.2 数据集

实验采用MSTAR数据库进行实验,SAR图像大小为128×128像素,分辨率为0.3×0.3 m。选取在15°和17°俯仰角下10类目标的SAR图像数据,包含2S1、BMP2、BRDM2、BTR60、BTR70、D7、T62、T72、ZIL131和ZSU234。数据集的组成如表 2图 3所示。

表 2 实验数据集的组成
Table 2 The composition of experimental data set

下载CSV
目标种类 17°(训练) 15°(测试) 总数
2S1 299 274 573
BMP2(9 563) 233 195 428
BMP2(9 566) 196 196
BMP2(C21) 196 196
BRDM2 298 274 572
BTR60 256 195 451
BTR70 233 196 429
D7 299 274 573
T62 299 273 572
T72(132) 232 196 428
T72(812) 195 195
T72(S7) 191 191
ZIL131 299 274 573
ZSU234 299 274 573
合计 2 747 3 203 5 950
注:表中的—表示没有该数据。
图 3 10类SAR目标图像示例
Fig. 3 Examples of 10 classes of SAR image target

实验的训练集是17°俯仰角下的10类SAR图像数据(不包含BMP2和T72的变体BMP2_SNC21、BMP2_SN9566、T72_SN812、T72_SNS7),测试集是15°俯仰角下包含变体的10类SAR图像数据。

4.1.3 卷积神经网络超参数设置

卷积神经网络的结构已经在第2节说明,训练所用的超参数如下:

基础学习率:0.004

动量:0.9

权值衰减:0.000 5

学习率衰减策略:

$ base$_$ lr$×(1 + $ gamma$× $ iter$) ^ (- $ power$)

其中$ gamma$ = 0.000 1 $ power$ = 0.75

最大迭代次数:10 000

4.1.4 实验过程

10类SAR图像目标的识别,使用MSTAR数据集中俯仰角为17°所获取的目标图像作为训练集,使用BGD来更新网络的参数,每个批次输入的图像为32张,训练集图片共2 725张,迭代约86次完成一轮,迭代设置为10 000次约116轮。训练过程中每迭代86次,在整个训练集进行测试。

修改网络模型的结构及优化,进行4个对比实验:将前2个5×5卷积核替换为9×9卷积核;全连接层使用Dropout优化;代价函数引入L2正则化项;不使用优化策略。通过4个对比实验研究卷积核大小、L2正则化项和Dropout对网络模型的识别准确率的影响。

验证卷积神经网络无需耗时的滤波处理。对MSTAR数据集(不含变体)中的每张图片进行Lee滤波、双边滤波和Gamma MAP滤波,得到3个滤波后的数据集,使用3个数据集对本文所设计的卷积神经网络模型进行训练。通过比较模型的收敛速度和准确率来研究滤波的影响。

4.2 实验结果与分析

4.2.1 10类目标识别结果与分析

本文所提的网络模型在训练第40轮左右收敛。迭代的次数为10 000次,在GPU的训练条件下耗时207.46 s。在第50~116轮间的含变体平均识别准确率在95.91%~98.10%之间。迭代在9 200次时达到最高的准确率,混淆矩阵如表 3所示。

表 3 MSTAR目标识别混淆矩阵
Table 3 MSTAR target identification confusion matrix

下载CSV
测试目标 识别结果 准确率/%
2S1 BMP2 BRDM2 BTR60 BTR70 D7 T62 T72 ZIL131 ZSU234
2S1 259 12 1 1 0 0 0 0 1 0 94.53
BMP(9 563) 0 194 0 0 0 0 0 1 0 0 99.48
BMP(9 566) 0 185 0 0 2 0 0 9 0 0 94.39
BMP(C21) 0 184 1 2 0 0 0 9 0 0 93.88
BRDM 0 0 270 0 0 0 0 3 0 1 98.54
BTR60 1 2 3 187 2 0 0 0 0 0 95.90
BTR70 0 0 0 0 196 0 0 0 0 0 100
D7 2 0 0 0 0 272 0 0 0 0 99.27
T62 0 0 1 0 0 0 272 0 0 0 99.63
T72(132) 0 0 0 0 0 0 0 196 0 0 100
T72(812) 0 3 0 0 0 0 0 192 0 0 98.46
T72(S7) 0 2 0 0 1 0 0 188 0 0 98.43
ZIL131 0 0 0 0 0 0 0 0 273 1 99.64
ZSU234 0 0 0 0 0 0 0 0 0 274 100
整体识别率/% 98.10

表 3中目标识别的准确率体现了本文所提出的卷积神经网络模型对于SAR图像目标识别方法的有效性,相较于文献[12]所提出的卷积神经网络方法,表 4所示,不仅在整体识别率上有较大提高,对于型号不同的变体也有着较高的识别准确率。

表 4 MSTAR目标识别结果对比
Table 4 Comparison of MSTAR target recognition results

下载CSV
测试目标 准确率(含变体)/%
文献[12]方法 本文方法
2S1 93.07 94.54
BMP(9563) 98.97 99.48
BMP(9566) 88.27 94.39
BMP(C21) 85.71 93.88
BRDM2 93.80 98.54
BTR60 97.44 95.90
BTR70 99.49 100
D7 93.43 99.27
T62 94.87 99.63
T72(132) 98.98 100
T72(812) 78.97 98.46
T72(S7) 85.86 98.43
ZIL131 99.64 99.64
ZSU234 99.27 100
整体识别率/% 93.76 98.10

综上所述,可以得到以下两个结论:

1) 本文的模型在SAR图像目标识别整体识别率达到98.10%,改进后的特征提取网络结构提取了更为有效的目标特征,进而提高了模型的准确率。

2) 本文的模型在SAR图像目标变体的识别方面的准确率也有较大的提高,Softmax分类器的优化增强了模型的泛化性能。

4.2.2 优化效果对比实验结果与分析

对网络结构的优化和调整的对比实验结果如表 5所示,表中准确率为50~116轮间的含变体平均识别准确率。

表 5 优化效果对比实验结果
Table 5 Optimization comparison of experimental results

下载CSV
9×9卷积核 L2正则化 Dropout 准确率(含变体)/%
93.63~97.06
95.91~98.10
95.94~96.19
89.47~96.88
91.04~94.91
注:表中√表示使用相应方法。

表 5可知:在不采用L2正则化和Dropout时,网络的识别率为91.04%~94.91%。只采用Dropout时网络的准确率变为89.47%~96.88%,Dropout在提升最高的识别准确率时,增大了识别率的波动范围,这是因为Dropout在克服过拟合的同时,子网络采样的不确定性使得网络训练过程存在较大的波动;只采用L2正则化使网络识别的准确率提升至95.94%~96.19%,说明采用L2正则化可有效地提高网络识别准确率;当第1层使用9×9卷积核代替2个5×5的卷积核时,准确率由95.91%~98.10%下降至93.63%~97.06%,准确率有所下降。

4.2.3 卷积神经网络噪声抑制结果与分析

对MSTAR数据集(不含目标变体)的每张图片分别进行Lee滤波、双边滤波和Gamma MAP滤波得到3个滤波后的数据集。使用3个不同滤波方法的数据集训练本文所提出的卷积神经网络,滤波前后的准确率和使用MATLAB滤波时间对比如表 6图 4所示。

表 6 滤波时间及准确率
Table 6 Filter time and accuracy

下载CSV
数据集 滤波时间/s 准确率(不含变体)/%
双边滤波 1 638.44 96.70~98.51
Gamma MAP 3 080.65 96.99~98.68
Lee滤波 1 391.21 97.57~99.05
原始图像 0 96.95~99.18
图 4 滤波前后数据集的训练过程
Fig. 4 Dataset training process before and after filtering

表 6图 4可知,滤波处理消耗较长的时间,没有提高卷积神经网络训练的收敛速度,反而识别准确率有所降低。这是因为滤波过程可能滤除了目标纹理等有效的目标识别特征而导致识别精度的下降。说明卷积神经网络经过训练后可有效抑制相干斑噪声,无需耗时的滤波处理。

5 结论

针对合成孔径雷达图像目标识别滤波处理耗时长、识别精度不高的问题,本文结合SAR图像特点设计卷积神经网络模型用于目标识别。通过引入L2范数和使用Dropout优化,有效增强了网络的泛化性能,使得网络模型在识别变体时也有良好的表现;本文提出的网络结构在MSTAR数据库中10类SAR图像的整体识别准确率(含变体)达到98.10%,验证了所提出网络的有效性;卷积神经网络的特征提取过程对于SAR图像相干斑噪声有抑制作用,可以省去耗时的滤波处理。随着深度学习的不断发展和SAR图像数据的增加,将深度学习的方法结合SAR图像的特点进行优化,可有效提高SAR图像目标识别的准确度。

参考文献

  • [1] Jia X Y, Lu L J. Survey on synthetic aperture radar technology[J]. Journal of Jilin University:Information Science Edition, 2015, 33(4): 373–379. [贾新宇, 路来君. 合成孔径雷达技术研究综述[J]. 吉林大学学报:信息科学版, 2015, 33(4): 373–379. ] [DOI:10.3969/j.issn.1671-5896.2015.04.005]
  • [2] Zhang X Z, Liu Z Y, Liu S J, et al. Sparse coding of 2D-slice Zernike moments for SAR ATR[J]. International Journal of Remote Sensing, 2017, 38(2): 412–431. [DOI:10.1080/01431161.2016.1266107]
  • [3] Ross T D, Worrell S W, Velten V J, et al. Standard SAR ATR evaluation experiments using the MSTAR public release data set[C]//Proceedings Volume 3370, Algorithms for Synthetic Aperture Radar Imagery V. Orlando, FL, United States: SPIE, 1998, 3370: 566-573.[DOI:10.1117/12.321859]
  • [4] Zhang R, Hong J, Ming F. SAR ATR algorithm based on CSAR raw echo modeling[J]. Journal of Electronics & Information Technology, 2011, 33(1): 27–32. [张锐, 洪峻, 明峰. 基于目标CSAR回波模型的SAR自动目标识别算法[J]. 电子与信息学报, 2011, 33(1): 27–32. ] [DOI:10.3724/SP.J.1146.2010.00192]
  • [5] Wang S X, He Z G. The fast target recognition approach based on PCA features for SAR images[J]. Journal of National University of Defense Technology, 2008, 30(3): 136–140. [王世晞, 贺志国. 基于PCA特征的快速SAR图像目标识别方法[J]. 国防科技大学学报, 2008, 30(3): 136–140. ] [DOI:10.3969/j.issn.1001-2486.2008.03.027]
  • [6] Huan R H, Zhang P, Pan Y. SAR target recognition using PCA, ICA and Gabor wavelet decision fusion[J]. Journal of Remote Sensing, 2012, 16(2): 262–274. [宦若虹, 张平, 潘赟. PCA、ICA和Gabor小波决策融合的SAR目标识别[J]. 遥感学报, 2012, 16(2): 262–274. ] [DOI:10.11834/jrs.20120457]
  • [7] [Zhao Q, Princi各班长班务会上统计一下假期的好人好事, 统计完毕后微信发给我, 没有的话也说一声收到回复pe J C. Support vector machines for SAR automatic target recognition[J]. IEEE Transactions on Aerospace and Electronic Systems, 2001, 37(2): 643-654.[DOI:10.1109/7.937475]]
  • [8] Wang Y, Han P, Lu X G, et al. The performance comparison of adaboost and SVM applied to SAR ATR[C]//Proceedings of 2006 CIE International Conference on Radar. Shanghai, China: IEEE, 2007: 1-4.[DOI:10.1109/ICR.2006.343515]
  • [9] Sun Y J, Liu Z P, Todorovic S, et al. Adaptive boosting for SAR automatic target recognition[J]. IEEE Transactions on Aerospace and Electronic Systems, 2007, 43(1): 112–125. [DOI:10.1109/TAES.2007.357120]
  • [10] Yang Z Y, Lin W, Yan W D, et al. SAR Image target recognition based on heat kernel co-occurrence matrix[J]. Journal of Northwestern Polytechnical University, 2016, 34(2): 356–361. [杨中悦, 林伟, 延伟东, 等. 基于热核共生矩阵的SAR图像纹理目标识别[J]. 西北工业大学学报, 2016, 34(2): 356–361. ] [DOI:10.3969/j.issn.1000-2758.2016.02.028]
  • [11] Yang X F, Lin W, Yan W D, et al. SAR image target recognition based on heat kernel[J]. Infrared and Laser Engineering, 2014, 43(11): 3794–3801. [杨绪峰, 林伟, 延伟东, 等. 采用热核特征的SAR图像目标识别[J]. 红外与激光工程, 2014, 43(11): 3794–3801. ] [DOI:10.3969/j.issn.1007-2276.2014.11.050]
  • [12] Tian Z Z, Zhan R H, Hu J M, et al. SAR ATR based on convolutional neural network[J]. Journal of Radars, 2016, 5(3): 320–325. [田壮壮, 占荣辉, 胡杰民, 等. 基于卷积神经网络的SAR图像目标识别研究[J]. 雷达学报, 2016, 5(3): 320–325. ] [DOI:10.12000/JR16037]
  • [13] Lecun Y, Bottou L, Bengio Y, et al. Gradient-based learning applied to document recognition[J]. Proceedings of the IEEE, 1998, 86(11): 2278–2324. [DOI:10.1109/5.726791]
  • [14] Xiao S P, Yang Y, Feng D J, et al. Contrastive analysis of the performances of radar polarimetric detectors[J]. Journal of Astronautics, 2014, 35(10): 1198–1203. [肖顺平, 杨勇, 冯德军, 等. 雷达极化检测器性能对比分析[J]. 宇航学报, 2014, 35(10): 1198–1203. ] [DOI:10.3873/j.issn.1000-1328.2014.10.013]
  • [15] Hinton G E, Srivastava N, Krizhevsky A, et al. Improving neural networks by preventing co-adaptation of feature detectors[J]. arXiv preprint arXiv: 1207.0580, 2012