Next Article in Journal
Band Subset Selection for Hyperspectral Image Classification
Next Article in Special Issue
SAR Target Recognition via Local Sparse Representation of Multi-Manifold Regularized Low-Rank Approximation
Previous Article in Journal
Impact of the Initial State on BDS Real-Time Orbit Determination Filter Convergence
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Classification of PolSAR Images Using Multilayer Autoencoders and a Self-Paced Learning Approach

1
School of Artificial Intelligence, Xidian University, Xi’an 710071, Shaanxi, China
2
GST at NOAA/NESDIS, College Park, MD 20740, USA
*
Authors to whom correspondence should be addressed.
Remote Sens. 2018, 10(1), 110; https://doi.org/10.3390/rs10010110
Submission received: 21 November 2017 / Revised: 10 January 2018 / Accepted: 12 January 2018 / Published: 15 January 2018

Abstract

:
In this paper, a novel polarimetric synthetic aperture radar (PolSAR) image classification method based on multilayer autoencoders and self-paced learning (SPL) is proposed. The multilayer autoencoders network is used to learn the features, which convert raw data into more abstract expressions. Then, softmax regression is applied to produce the predicted probability distributions over all the classes of each pixel. When we optimize the multilayer autoencoders network, self-paced learning is used to accelerate the learning convergence and achieve a stronger generalization capability. Under this learning paradigm, the network learns the easier samples first and gradually involves more difficult samples in the training process. The proposed method achieves the overall classification accuracies of 94.73%, 94.82% and 78.12% on the Flevoland dataset from AIRSAR, Flevoland dataset from RADARSAT-2 and Yellow River delta dataset, respectively. Such results are comparable with other state-of-the-art methods.

Graphical Abstract

1. Introduction

Polarimetric synthetic aperture radar (PolSAR) has been one of the most important sensors in remote sensing. In addition to the day–night and all-weather advantages of SAR, PolSAR can transmit and receive electromagnetic energy in more than one polarization. This allows much richer characterization of the observed targets than single-polarization SAR. PolSAR has been proven to be a valuable tool in many areas, such as military, agriculture and environment monitoring [1,2,3,4]. PolSAR image classification is one of the most fundamental issues. With a decade of developments in PolSAR image classification, many effective classification methods have been proposed. Buono et al. [5] used the two most employed unsupervised classification algorithms, namely, the H/a Wishart and the Freeman-Durden Wishart approach, to classify coastal areas, and they evaluated the performance of those classical classifiers over these challenging areas. Xiang et al. [6] presented a new Wishart classification method that used Wishart supervised classification based on the result of H/a-Wishart unsupervised classification. This classification method provides good results in coastal zones. Zhang et al. [7] proposed a supervised PolSAR image classification method that is based on sparse representation. First, the features are extracted. Then, the feature vectors of the training samples construct an over-complete dictionary and obtain the corresponding sparse coefficients; meanwhile, the residual error of the pending pixel with respect to each atom is evaluated and considered as the criteria for classification, and the ultimate class results can be obtained according to the atoms with the least residual error. Du et al. [8] proposed a new method called boosted multiple-kernel extreme learning machines. In this method, Adaptive Boosting was implemented in the training phase, while multiple output fusion strategies, such as Majority Voting, Weighted Majority Voting, MetaBoost, and ErrorPrune were adopted to select the result with the highest overall classification accuracy. Wang et al. [9] proposed a new classification scheme for mud and sand flats on intertidal flats. In this method, Freeman-Durden and Cloude-Pottier polarimetric decomposition components as well as double bounce eigenvalue relative difference were used as features, and random forest theory was used as classification algorithm. Although the above methods have achieved good performance, they still have some limitations. The feature vectors utilized by these methods must be manually constructed, and it is time-consuming to select proper features from various polarization features. In addition, it is challenging to design an appropriate classifier when different types of land cover have similar scattering properties.
In recent years, the booming development of deep learning has motivated many scholars to settle the task by deep learning. Deep learning is fulfilled by a deep neural network (DNN) that has multiple hidden layers and nonlinear activation functions to learn and represent highly nonlinear data. There are many deep learning models, such as autoencoder (AE), deep belief network (DBN) and convolutional neural network (CNN). Xie et al. [10] use the sparse autoencoder (SAE) to extract features from the coherency matrix for terrain classification. Lv et al. [11] proposed a novel classification approach based on DBN. By applying the DBN model, effective spatio-temporal mapping features can be automatically extracted to improve the classification performance. Zhou et al. [12] verify the suitability and effectiveness of CNN in supervised classification of PolSAR images. However, the optimization of DNN is time-consuming, and the quality of the network depends largely on the values in the network initialization. Kumar and Packer et al. [13] have proposed self-paced learning (SPL), which is inspired by the learning process of humans who learn the easier aspects of the task first and then gradually involve more difficult aspects in the training process. This learning paradigm has been empirically demonstrated to be instrumental in accelerating the learning convergence of the network and in weakening the influence of initialization to achieve a stronger generalization capability [14].
In this paper, the classification of PolSAR images based on multilayer autoencoders and self-paced learning (SPLMAE) is proposed. Multilayer autoencoders are a type of unsupervised learning network that converts raw data into more abstract expressions through non-linear models [15]. Several studies have shown the advantages in feature extraction and processing time when using multilayer autoencoders [10,16,17]. The essential idea of multilayer autoencoders is to perform a two-step optimization: pre-training a network layer by layer and fine tuning the network as a classifier. With this two-step optimization, multilayer autoencoders can not only prevent the network from overfitting when the number of labeled samples is relatively small but also extract effective features with its nonlinear mapping ability. Inspired by [18], we use a two-layer autoencoder to learn the features, and a softmax regression is applied to produce the predicted probability distributions over all the classes of each pixel. When optimizing the network, SPL is used to accelerate its learning convergence and achieve a stronger generalization capability.
The remainder of this paper is organized as follows. Section 2 introduces the theory of SPL. Section 3 describes the proposed method. Experiment results on three real PolSAR images are shown in Section 4. Lastly, a brief conclusion is discussed.

2. Related Work

In this section, the key idea of SPL is explained. The goal of SPL is to improve the generalization capability and accelerate the learning convergence through sample selection. Compared with the traditional machine learning methods that consider all samples simultaneously, SPL presents the training data in a meaningful order that facilitates learning, and the order of the samples is determined by the learning difficulty. SPL can trace back to curriculum learning (CL) [19] proposed by Bengio et al. In CL, the order of the training data is unchanged during the iterations. However, SPL dynamically generates the order of the training data according to what the learner has already learned. In [20], Meng et al. ran experiments on various binary classification problems in three University of California Irvine (UCI) datasets (Monk’s problem, Mammographic Mass and SPECT Heart). The experimental results show that the SPL regime can more or less ameliorate the performance (1.63–26.74%) of the traditional classification methods, including logistic regression and support vector classification.
Specifically, in SPL, a weight variable between 0 and 1 is used to denote the learning difficulty of the samples, and a gradually increasing pace parameter is introduced to control the pace at which the model learns new samples. The value of the weight variable is determined by a regularization term called the self-pace regularization term. The model of SPL is formally elaborated below. Given a training dataset D = { ( x i , y i ) } i = 1 n , supposed n is the total number of training samples, in which x i denotes the i t h observed sample, and y i represents its label, let L i = ( y i , g ( x i , w ) ) denote the loss function, which calculates the training loss (the cost between the ground truth label y i and the estimated label g ( x i , w ) ). Here, w represents the model parameter inside the decision function g ( x i , w ) , where p ( w ) is the regularization term imposed on the classifier parameters w . Then, a general machine learning framework can be expressed as
w = arg min w i = 1 n L ( y i , g ( x i , w ) ) + p ( w )
In contrast to Equation (1), the SPL model includes a weighted loss term v i L ( y i , g ( x i , w ) ) on all samples and a general self-paced regularization term f ( v i , λ ) imposed on the sample weights v i [ 0 , 1 ] , which is expressed as
w = arg min w , v i = 1 n v i L ( y i , g ( x i , w ) ) + p ( w ) + f ( v i , λ )
where λ is the pace parameter to control the learning process, which will be initialized before training. Here, f ( v i , λ ) is a regularization term called the self-paced regularization term, which determines the value of the weight v i . The weight v i is in conformity with the following two rules:
  • v i is monotonically decreasing with respect to the training loss l i = L ( y i , g ( x i , w ) ) , and it holds that lim l i > 0 v i = 1 , lim l i > v i = 0 .
  • v i is monotonically increasing with respect to the pace parameter λ , and it holds that lim λ > 0 v i = 0 , lim λ > v i = 1 .
These two rules provide the axiomatic understanding for SPL. Rule (1) indicates that the model is inclined to select easy samples (with smaller training losses). Rule (2) indicates that when the pace parameter λ becomes larger, the model tends to incorporate more complex samples to train. Under this axiomatic understanding, Meng, Zhao et al. [20] proposed some typical self-paced regularization terms, and the linear regularization term will be introduced below.
The linear regularization term constrains the relationship between v i and l i = L ( y i , g ( x i , w ) ) into a linear relationship. When the training loss l i of the i t h sample is less than the pace parameter λ , the weight of this sample is a continuous value between 0 and 1. At each iteration, the weighted samples are used to learn a new parameter vector w . The linear regularization term is expressed as follows:
f ( v i , λ ) = λ ( 1 2 v i 2 v i )
If we substitute Equation (3) into Equation (2) and simplify, v i can be obtained by
v i = arg min v i = 1 n v i L ( y i , g ( x i , w ) ) + p ( w ) λ ( 1 2 v i 2 v i ) = arg min v i = 1 n v i ( 1 2 λ v i + L i λ ) + p ( w ) { v i = 1 L i λ i f   L i < λ v i = 0 i f   L i λ
In SPL, the parameter vector w and v = [ v 1 v i v n ] will be calculated iteratively, and the procedure of SPL is as follows:
  • Step 1: Initialize the weights of all samples v and parameter λ .
  • Step 2: Fix v , and update w by Equation (2).
  • Step 3: Fix w , calculate the training loss L ( y i , g ( x i , w ) ) , and update v by Equation (4).
  • Step 4: If v and w have converged, then go to step 5; otherwise, repeat step 2 and step 3.
  • Step 5: Update λ , λ = κ λ ,   κ > 1 .
  • Step 6: Repeat step 2 to step 5 until the mean of v is equal to or approximately 1. Finally, obtain the solution of w .

3. Proposed Method

A new method for PolSAR image classification is proposed in this paper. We use multilayer autoencoders to learn the features for each pixel, and a softmax regression is applied to produce the predicted probability distributions over all the classes of each pixel. To accelerate the learning convergence of the network and achieve a better generalization result, the SPL is introduced when we optimize the multilayer autoencoders network, which learns the easier samples first and then gradually involves more difficult samples in the training process.

3.1. Multilayer Autoencoders Network

In our method, each pixel is represented by a row vector that is extracted from the multi-look coherency matrix T of the PolSAR data, and the row vector is used as the input vector of the network. In the PolSAR data, each pixel is represented as a 2 × 2 scattering matrix S:
S = [ s h h    s h v s v h    s v v ]
where h is the horizontal polarization, and v is the vertical polarization. Therefore, s h v represents the scattering coefficient of the horizontally polarized emission and vertically polarized reception. For the reciprocal backscattering and monostatic radar case, where s h v = s v h , the coherency matrix T is obtained by S, which is defined in Equation (6), as follows:
T = [ t 11 ,   t 12 ,   t 13 t 21 ,   t 22 ,   t 23 t 31 ,   t 32 ,   t 33 ] = 1 2 [ | a | 2 a b a c a b | b | 2 b c a c b c | c | 2 ]
where ′ is the complex conjugate, a = s h v + s v v , b = s h h s v v , and c = 2 s h v . The input vector x i is extracted from the coherency matrix T:
x i = [ t 11 , t 22 , t 33 , r e a l ( t 12 ) , i m a g ( t 12 ) , r e a l ( t 13 ) , i m a g ( t 13 ) , r e a l ( t 23 ) , i m a g ( t 23 ) ]
Here, real() and imag() represent the real and imaginary parts of the complex number.
D = { ( x i , y i ) } i = 1 n is the selected training sample set, with n is the total number of training samples, in which x i denotes the i t h observed sample’s input vector, and y i represents its label. Here, we construct a two-layer autoencoders neural network to learn the feature vector of each input vector. Then, a softmax regression is applied to produce the predicted probability distributions over all the classes of each pixel. The two-layer autoencoders with the softmax regression neural network is shown in Figure 1a. In this network, the number of input layer neurons is equal to the dimension of the input vector x i , and the number of autoencoder layers and neurons will be determined in our experiment. The number of neurons in the output layer is the number of classes. Here, θ ( k ) and b ( k ) ( k { 1 , 2 , 3 } ) are the parameters of the network. θ ( k ) represents the weight matrix of the k t h layer, and b ( k ) is the bias vector of the k t h layer. The output vector p is the predicted probability distribution over all the classes of input vectors.

3.2. Optimization of Multilayer Autoencoders Network Based on SPL

A two-layer autoencoder with the softmax regression neural network is trained by the following two steps: pre-training the weights and the biases of the network layer by layer and fine tuning those parameters with softmax regression [21]. θ ( k ) and b ( k ) ( k { 1 , 2 } ) are optimized by unsupervised pre-training, and then, θ ( k ) and b ( k ) ( k { 1 , 2 , 3 } ) are supervised fine-tuned. The details of the two steps are described as follows.

3.2.1. Unsupervised Pre-Training the Parameters of Each Autoencoder Layer

When pre-training the weights and the biases of the network layer by layer, each autoencoder layer could be considered as an autoencoder. The autoencoder contains an input layer, an encode layer and a decode layer (see Figure 1b), and Figure 1b shows the 1st autoencoder layer of Figure 1a.
The encoding step is
h i k = σ ( W ( k , 1 ) x i + b ( k , 1 ) )
where W ( k , 1 ) and b ( k , 1 ) denote the weight matrix and bias vector respectively, k represents the k t h autoencoder layer and 1 represents the encode layer, k { 1 , 2 } . Here, x i denotes the i t h feature vector, and σ is an activation function defined by σ ( z ) = 1 / ( 1 + e z ) [22]. h i k is the i t h output vector of the encode layer.
The decoding step is
x ^ i = W ( k , 2 ) h i k + b ( k , 2 )
where W ( k , 2 ) and b ( k , 2 ) are the trainable parameters, k represents the k t h autoencoder layer and 2 represents the decode layer, k { 1 , 2 } . Here, x ^ i is the i t h output vector of the decode layer.
Therefore, the cost function of the autoencoder network can be defined as follows:
L ( W , b ) = 1 2 x i x ^ i 2
The optimization objective of the autoencoder is to minimize the expectation risk Equation (11) and solve for the parameters W and b.
( W , b ) = arg min W , b 1 2 n i = 1 n x i x ^ i 2
Stochastic gradient descent and its variants are probably the most used optimization algorithms for deep learning, and mini-batch gradient descent enjoys better convergence rates than stochastic gradient descent in theory. Back propagation algorithm can be used to efficiently compute these gradients [23]. Therefore, back propagation and mini-batch gradient descent are used to train our model. In addition, inspired by the SPL, weighted samples are used to learn the parameter vector in each iteration. Therefore, each sample’s loss L ( W , b ) is multiplied by a weight v i . Then, the cost function L S P L ( W , b ) and optimization objective of SPLMAE of the pre-training can be formulated as in Equations (12) and (13), respectively:
L S P L ( W , b ) = v i L ( W , b ) = 1 2 v i x i x ^ i 2
( W , b ) = arg min W , b 1 2 n i = 1 n v i x i x ^ i 2 + f ( v i , λ )
The weight v i represents the i t h sample’s learning difficulty in the current iteration, and the easy samples have relatively large weights. Here, f ( v i , λ ) is the linear SPL regularization term presented in Section 2. When v i = 0 , the loss incurred by the i t h sample is always zero, and when the weight v i of all samples is equal to 1, Equation (13) can be seen as degenerating to Equation (11). The pace parameter λ controls the learning process, and it is initialized before training.
There are three variables (W, b and v i ) in the objective function in Equation (13), and it is difficult to optimize these variables at the same time. We can obtain the solution according to the following steps:
  • Step 1: initialize the parameters: W ( k , 1 ) , b ( k , 1 ) , W ( k , 2 ) , b ( k , 2 ) and λ .
  • Step 2: apply the mini-batch gradient descent algorithm based on SPL to optimize the parameters.
  • Step 2.1: select a mini-batch sample to optimize the parameters.
  • Step 2.2: calculate the output vector and loss function for each input vector through forward propagation, and then, calculate the weight parameter v i by Equation (4).
  • Step 2.3: fix the weight parameter v i , and use back propagation to train the parameters W ( k , 1 ) , b ( k , 1 ) , W ( k , 2 ) , b ( k , 2 ) .
  • Step 2.4: Update λ , λ = κ λ ,   κ > 1 . In general, we need the range of training loss values in advance to determine the initial value of λ and the step size κ . In our experiment, the initial value of λ is set to the first quartile of the sample training losses, and κ = 1.1 .
  • Step 2.5: repeat step 2.2 to step 2.4 until the value of v is approximately 1 (all the samples of the current iteration have been completely learned). Here, v is defined as v = 1 n i = 1 n v i .
  • Step 2.6: a new mini-batch sample is selected to optimize the parameter until all the samples are learned.
  • Step 3: repeat step 2 until the number of epochs achieve a predefined threshold, and then, obtain the parameters W ( k , 1 ) and b ( k , 1 ) .

3.2.2. Supervised Fine-Tuning Those Parameters with Softmax Regression

The W ( k , 1 ) and b ( k , 1 ) obtained by pre-training are used as the initial parameters of the two-layer autoencoders network shown in Figure 1a. θ ( 1 ) and θ ( 2 ) are initialized by the values of W ( 1 , 1 ) and W ( 2 , 1 ) , respectively. Here, b ( 1 , 1 ) and b ( 2 , 1 ) are used to initialize b ( 1 ) and b ( 2 ) , respectively. Then, apply supervised fine tuning of the multilayer autoencoders network to update the parameters θ ( k ) and b ( k ) ( k { 1 , 2 , 3 } ). The output layer is a softmax regression classifier, and the number of its neurons is equal to the number of classes. The value of the output vector can be obtained as follows:
P ( h 2 ( i ) ) = 1 j = 1 c e θ j T h 2 ( i ) [ e θ 1 T h 2 ( i ) , e θ 2 T h 2 ( i ) , , e θ c T h 2 ( i ) ] T
where P ( h 2 ( i ) ) denotes the predicted probability distributions over all of the classes of the i t h sample, and h 2 ( i ) is the 2nd layer autoencoder’s output vector of the i t h sample. Here, c represents the number of classes, and θ j T (T is the transpose operator) denotes the weight vector of the j t h neuron of the output layer. To accelerate the learning convergence and obtain a better locally optimal solution, the optimization objective based on SPL can be formulated as follows:
( θ ( k ) , b ( k ) ) = arg min θ ( k ) , b ( k ) 1 n [ i = 1 n j = 1 c v i 1 { y ( i ) = j } log ( e θ j T h 2 ( i ) k = 1 c e θ k T h 2 ( i ) ) + f ( v i , λ ) ]
where y ( i ) is the true label of the i t h sample, when y ( i ) = j , 1 { y ( i ) = j } is equal to 1. A two-layer autoencoder with a softmax regression output layer is trained by back propagation and mini-batch gradient descent. The procedure is similar to the pre-training of each autoencoder layer.

4. Experiments

In this section, three real PolSAR data sets are used to validate the performance of the proposed method. In addition, the proposed method is compared with three typical PolSAR classification methods, including SVM [24], Wishart classifier (WC) [25], and Sparse Representation-based classification (SRC) [26]. For the SVM and SRC methods, three polarimetric parameters (entropy, anisotropy and mean scattering angle) extracted by Cloude-Pottier decomposition [27] are used as features. The WC method does not need to extract features, and the coherency matrix is used to classify. For the SVM method, the radial basis function (RBF) kernel is used, the parameter gamma for RBF is 1, and the tolerance of the termination criterion and the cost factor are 0.00001 and 100, respectively. In our experiment, the results of SVM are obtained by the libsvm-3.2 toolbox [28]. For the WC method, the training samples are used to calculate the Wishart centers of each class, and the Wishart distance is used to classify each pixel without iterations. For the SRC method, we use the K-Singular Value Decomposition (K-SVD) [29] algorithm to train an over-complete dictionary. The sparse representation of the test samples is obtained by the orthogonal matching pursuit (OMP) [30] algorithm. In addition, to validate the effectiveness of SPL in neural network optimization, the two-layer autoencoder network without SPL called MAE is used as a comparison algorithm. MAE is also optimized by back propagation and mini-batch gradient descent. All the experiments were performed on an Intel i5-6500 CPU 3.2 GHz, and the code was written with the MATLAB R2015b development environment.

4.1. Network Architecture Analysis

For the multilayer autoencoders network, the numbers of neurons and layers are vital; they affect the quality of the network recovered by the training process and its ability to classify the test dataset [18]. To obtain better classification results, the numbers of neurons and layers are determined by the experiments. This experiment is conducted on the Flevoland dataset from AIRSAR, and this dataset will be described in detail in Section 4.2. In this experiment, we fix the same number of neurons for all layers and train the network by varying the numbers of neurons and layers. The overall accuracy (OA) of the Flevoland dataset obtained by the network with different parameters is shown in Figure 2. In Figure 2, the x-axis and y-axis represent the number of neurons and OA, respectively. The red line represents the single layer autoencoder network; the blue line and black line represent the 2-layer and 3-layer autoencoder network, respectively. The number of neurons ranges from 10 to 130. As shown in the figure, the 2-layer autoencoder network with 90 neurons obtains the highest accuracy (approximately 0.94). The single layer autoencoder network with any number of neurons cannot obtain a good accuracy due to its poor fitting capability. With the increase in the autoencoder layer, the network has better fitting capability. However, the larger the number of network layers, the larger the number of labeled samples that are needed. The black line shows that the 3-layer autoencoder network is worse than the 2-layer autoencoder network. This finding could be due to the overfitting problem because the number of training samples with labels is relatively small. In the synthesis of the factor, the numbers of layers and neurons are set to 2 and 90, respectively.

4.2. Flevoland Dataset from AIRSAR

Here, we used the NASA/JPL AIRSAR L-Band four-look PolSAR dataset of Flevoland, the Netherlands, which has the size of 1024 × 750 pixels. The pixel size is 6.6 m in the slant range direction and 12.10 m in the azimuth direction. Figure 3 illustrates the corresponding Pauli RGB image and ground truth (the ground truth is obtained from reference [31]). There are 14 classes in this ground truth, where each class indicates a type of land covering and is identified by one color. A total of 167,712 pixels are labeled in the ground truth, and 15% of them are used to train the network (the training samples are randomly selected). The reported testing accuracies are obtained by testing on the 85% residual pixels. The SPLMAE and MAE is trained by mini-batch gradient descent with an adaptive learning rate, the batch size is 256, and the number of epochs is 3000. The initial learning rate is 1, and after each iteration, the new learning is equal to the learning rate multiplied by 0.999.

4.2.1. Convergence Analysis of Our Algorithm

Figure 4 shows that the average training loss of all the training samples (y-axis) varies with the number of epochs (x-axis) in the fine tuning process. The red line represents the optimization process of SPLMAE, and the blue line is the optimization process of MAE. As shown in the two curves, SPLMAE converges faster than MAE. The average training loss is below 0.5 at approximately the 1200th epoch in the red line, but the MAE requires 1500 epochs. In addition, the training loss of the proposed method eventually converges to a lower value than the MAE. In time, as shown in Table 1, SPLMAE reduces the time-consumption slightly compared with MAE. However, both SPLMAE and MAE spend more time in training than SVM and SRC.

4.2.2. Classification Results

Figure 5 shows the visual classification results of the Flevoland dataset, and the accuracies for each class are listed in Table 1. The SVM method is an effective algorithm in the field of classification. It obtains a notably good result with an overall accuracy of 0.8708. As shown in Figure 5a–c, there is less misclassification in the Potatoes, Wheat 3 and Grasses categories in the result obtained from SVM than from SRC and WC. The results of SRC show that most of the Rapeseed, Potatoes and Grasses are misclassified to other categories. The result of the MAE method, shown in Figure 5d, is better than those of SVM, SRC and WC, because the features learned by the multilayer autoencoder network from raw data are better than the shallow features extracted by polarization decomposition. The proposed method SPLMAE has the highest overall accuracy, 0.9473, among all the algorithms, and this result has better performances on most classes, including Rapeseed, Grasses, and Water. In the Water category (see red circles in Figure 5), the compared methods misclassify some Water pixels to Bare soil. Our proposed approach outperforms MAE, which validates the effectiveness of SPL in helping the network to achieve a stronger generalization capacity. The running times for each method are listed in Table 1. MAE and SPLMAE spend more time on training than SVM and SRC. However, SVM and SRC need more time on testing and the extra time of SVM and SRC on feature extraction is not included in Table 1.

4.3. Flevoland Dataset from RADARSAT-2

The Flevoland Dataset from RADARSAT-2 is C-band single-look fully PolSAR data with a resolution of 10 × 5 m and was obtained at fine quad-mode in 2008. A sub-region with 1200 × 1400 pixels was selected, as shown in Figure 6a, and the ground-truth datum is shown in Figure 6b, with the ground truth obtained from [32]. There are four main types of terrain as follows: (1) forest; (2) cropland; (3) water; and (4) urban area. Approximately 5% of the labeled samples are randomly selected to train the network. The SPLMAE and MAE are trained by mini-batch gradient descent with an adaptive learning rate, and the batch size is 256. The algorithm converges more readily in the second experiment than in the first, and therefore, the number of epochs was set to 50. The initial learning rate is 1, and after each iteration, the new learning was equal to the learning rate multiplied by 0.999.
Figure 7 shows the descent curve of the average training loss of Flevoland dataset from RADARSAT-2. This dataset is not especially challenging, and most areas such as forest, water and cropland are homogeneous regions, and their scattering characteristics have obvious differences. When optimizing this dataset, our model converges at the 30th epoch. Therefore, to clearly show the descent curve of the training loss, the x-axis represents the number of iterations (the number of parameter updates) and not epochs. As shown in this figure, the SPLMAE converges faster than MAE. Both SPLMAE and MAE could eventually converge to a low training loss. Figure 6c–g shows the visual classification results, and Table 2 shows the accuracies for each class. The proposed method SPLMAE has the best visual effect and the highest overall accuracy, 0.9482, compared with other algorithms. The accuracy benefits from the better performances on the urban areas (see white circles in Figure 6c–g). The urban areas have a mixed scattering mechanism that is more difficult to classify than the other categories. The results of SVM, SRC and WC show that most of the Urban areas are misclassified to Forest. However, when employing the features that are learned by our network, it can effectively classify this area, as in Figure 6f,g. This dataset is not especially challenging, and the scattering characteristics of different categories have obvious differences. Therefore, the result of SPLMAE is a slight improvement against the result of MAE.

4.4. Yellow River Delta Dataset from ALOS-2

To validate the performance of the SPLMAE on scenes that are characterized by several types of land cover with similar scattering properties, an ALOS-2 fully PolSAR image acquired on 9 May 2015 over the Yellow River Delta, China (see Figure 8a) is also considered. The size of the image is 23,210 × 7496 pixels. The pixel spacing is 3.125 m. The study area is a coastal region that is covered with different land-use types. The regions of interest include coastal shoal, alkali soil, wetland, plantation, pond, and river (see Figure 8b). Classifying different types of land cover in coastal zones using SAR imagery is a challenge because many types of coastal zone have similar backscattering characteristics. Most of the classification algorithms are based on the intensity of the image, and they do not perform well in different coastal zone types [33,34]. Considering the limited memory, we intercept the sub-areas that have different land-use types in the image, as is shown in the red rectangle of Figure 8a,b, where the size of the sub-image is 2000 × 5000.
The classification results of this sub-image are shown in Figure 9. Table 2 shows the accuracies and running time for each method. SVM can classify the pond, alkali soil and coastal shoal well but not the plantation and river (see the red circles in Figure 9b). However, SRC cannot classify most of the categories and the result contains a lot of noise. The result of WC (see Figure 9d) is quoted from referenced [5]. WC has the ability to recognize wetland and plantation but pond, alkali soil, coastal shoal and river are classified into the same class. Different land cover in this dataset have similar scattering characteristics, and it is more difficult to distinguish them. SPLMAE and MAE achieve better results in each class than the other methods, which shows that the features extracted by multilayer autoencoders are effective over these challenging areas. In addition, according to Figure 9e,f and the accuracies of SPLMAE and MAE (Table 3), we can conclude that the network optimized under SPL regime can obtain a better solution. The running times of each method are listed in Table 3. MAE and SPLMAE spend more time on training than SVM and SRC. However, SVM and SRC need more time on testing and the extra time of SVM and SRC on feature extraction is not included in Table 3.

5. Conclusions

In this paper, a classification method based on the SPL algorithm and multilayer autoencoders network is proposed for PolSAR image classification. In the proposed model, a two-layer autoencoder is used to learn the features, and a softmax regression is applied to produce the predicted probability distributions over all the classes of each pixel. When we optimize the network, SPL is used to accelerate the learning convergence of a network and achieve a stronger generalization capacity. According to the experimental results presented above, we can draw the following conclusions.
First, SPLMAE obtained better classification results than conventional algorithms such as SVM, SRC and WC because it can extract more abstract and effective features. The abstract features can better reveal the differences between different classes, which makes terrains easier to classify. The proposed method spends more time on training than SVM and SRC but saves extra time for feature extraction and feature selection. Second, SPLMAE works even better compared to MAE. Although MAE can also extract deep features, the quality of the network depends largely on the value of the network initialization. SPL is instrumental in accelerating the learning convergence of a network and in weakening the influence of initialization to achieve a stronger generalization capacity. Therefore, SPLMAE converges faster than MAE (see Figure 4 and Figure 6) and has better visual classification results, especially in some scenes that are characterized by several types of land cover that have similar scattering properties. In addition, the proposed method performs well on the first two datasets collected over the same area at different frequencies, which proves the robustness of our method with regard to variations in the frequency.
The spatial information in the PolSAR data is useful for classification. However, the input of the multilayer autoencoder must be a one-dimensional vector instead of image patches, which cannot exploit the spatial information very well. Zhou et al. [12] proposed that the CNN can automatically learn hierarchical polarimetric spatial features from the raw data. Therefore, we plan to investigate classification techniques based on the CNN, autoencoder and SPL in terms of future research.

Acknowledgments

This work was supported in part by the National Natural Science Foundation of China (Nos. 61472306, 91438201, 61572383), the National Basic Research Program (973 Program) of China (No. 2013CB329402), and the fund for Foreign Scholars in University Research and Teaching Programs (the 111 Project, No. B07048). In addition, the authors would like to thank Professor Deyu Meng for help. The views, opinions, and findings contained in this paper are those of the authors and should not be construed as an official NOAA or U.S. Government position, policy, or decision.

Author Contributions

All the authors made significant contributions to this work. Shuiping Gou and Wenshuai Chen devised the approach. Wenshuai Chen conceived and designed the experiments; Xinlin Wang performed the experiments; Xiaofeng Li contributed partial data and research plan, Licheng Jiao contributed equipment; Wenshuai Chen wrote this paper.

Conflicts of Interest

The authors declare no conflict of interest. The founding sponsors had no role in the design of the study; in the collection, analyses, or interpretation of data; in the writing of the manuscript, and in the decision to publish the results.

References

  1. Liu, F.; Jiao, L.; Hou, B.; Yang, S. POL-SAR image classification based on Wishart DBN and local spatial information. IEEE Trans. Geosci. Remote Sens. 2016, 54, 3292–3308. [Google Scholar] [CrossRef]
  2. Nunziata, F.; Migliaccio, M.; Li, X.; Ding, X. Coastline extraction using dual-polarimetric COSMO-SkyMed PingPong mode SAR data. IEEE Geosci. Remote Sens. Lett. 2014, 11, 104–108. [Google Scholar] [CrossRef]
  3. Ding, X.; Li, X. Shoreline movement monitoring based on SAR images in Shanghai, China. Int. J. Remote Sens. 2014, 35, 3994–4008. [Google Scholar] [CrossRef]
  4. Ding, X.; Li, X. Monitoring of the water-area variations of Lake Dongting in China with ENVISAT ASAR images. Int. J. Appl. Earth Obs. Geoinform. 2011, 13, 894–901. [Google Scholar] [CrossRef]
  5. Buono, A.; Nunziata, F.; Migliaccio, M.; Yang, X.; Li, X. Classification of the Yellow River delta area using fully polarimetric SAR measurements. Int. J. Remote Sens. 2017, 38, 6714–6734. [Google Scholar] [CrossRef]
  6. Xiang, H.; Liu, S.; Zhuang, Z.; Zhang, N. A classification algorithm based on Cloude decomposition model for fully polarimetric SAR image. IOP Conf. Ser. Earth Environ. Sci. 2016, 46. [Google Scholar] [CrossRef]
  7. Zhang, L.; Sun, L.; Zou, B. Fully polarimetric SAR image classification via sparse representation and polarimetric features. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2015, 8, 7978–7990. [Google Scholar] [CrossRef]
  8. Du, P.; Samat, A.; Gamba, P.; Xie, X. Polarimetric SAR image classification by boosted multiple-kernel extreme learning machines with polarimetric and spatial features. Int. J. Remote Sens. 2014, 35, 7978–7990. [Google Scholar] [CrossRef]
  9. Wang, W.; Yang, X.; Li, X. A Fully Polarimetric SAR Imagery Classification Scheme for Mud and Sand Flats in Intertidal Zones. IEEE Trans. Geosci. Remote Sens. 2017, 55, 1734–1742. [Google Scholar] [CrossRef]
  10. Xie, H.; Wang, S.; Liu, K.; Lin, S.; Hou, B. Multilayer feature learning for polarimetric synthetic radar data classification. In Proceedings of the IEEE Conference on International Geoscience and Remote Sensing Symposium (IGARSS), Quebec City, QC, Canada, 13–18 July 2014; pp. 2818–2821. [Google Scholar]
  11. Lv, Q.; Dou, Y.; Niu, X. Classification of land cover based on deep belief networks using polarimetric RADARSAT-2 data. In Proceedings of the IEEE Conference on International Geoscience and Remote Sensing Symposium (IGARSS), Quebec City, QC, Canada, 13–18 July 2014; pp. 4679–4682. [Google Scholar]
  12. Zhou, Y.; Wang, H.; Xu, F. Polarimetric SAR image classification using deep convolutional neural networks. IEEE Geosci. Remote Sens. Lett. 2016, 13, 1935–1939. [Google Scholar] [CrossRef]
  13. Kumar, M.P.; Packer, B.; Koller, D. Self-paced learning for latent variable models. In Proceedings of the Conference on Advances in Neural Information Processing Systems (NIPS), Vancouver, BC, Canada, 6–9 December 2010; pp. 1189–1197. [Google Scholar]
  14. Tang, Y.; Yang, Y.B.; Gao, Y. Self-paced dictionary learning for image classification. In Proceedings of the ACM International Conference on Multimedia, Nara, Japan, 29 October–2 November 2012; pp. 833–836. [Google Scholar]
  15. Kang, M.; Ji, K.; Leng, X. Synthetic Aperture Radar Target Recognition with Feature Fusion Based on a Stacked Autoencoder. Sensors 2017, 17, 192. [Google Scholar] [CrossRef] [PubMed]
  16. Ranzato, M.A.; Szummer, M. Semi-supervised learning of compact document representations with deep networks. In Proceedings of the International Conference on Machine Learning (ICML), Helsinki, Finland, 5–9 July 2008; pp. 792–799. [Google Scholar]
  17. Huang, F.J.; Boureau, Y.L.; LeCun, Y. Unsupervised learning of invariant feature hierarchies with applications to object recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Minneapolis, MI, USA, 12–22 June 2007; pp. 1–8. [Google Scholar]
  18. Hou, B.; Kou, H.D. Classification of polarimetric SAR image using multilayer autoencoders and superpixels. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2016, 9, 3072–3081. [Google Scholar] [CrossRef]
  19. Bengio, Y.; Louradour, J. Curriculum learning. In Proceedings of the International Conference on Machine Learning (ICML), Montreal, QC, Canada, 14–18 June 2009; pp. 41–48. [Google Scholar]
  20. Meng, D.Y.; Zhao, Q.; Jiang, L. What objective does self-paced learning indeed optimize? arXiv, 2015; arXiv:1511.06049. [Google Scholar]
  21. Rifai, S.; Mesnil, G.; Vincent, P.; Muller, X.; Bengio, Y.; Dauphin, Y.; Glorot, X. Higher order contractive auto-encoder. In Proceedings of the European Conference on Machine Learning and Principles and Practice of Knowledge Discovery in Databases (ECML PKDD), Athens, Greece, 5–9 September 2011; pp. 645–660. [Google Scholar]
  22. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef] [PubMed]
  23. Goodfellow, I.; Bengio, Y.; Courville, A. Deep Learning; MIT Press: Cambridge, MA, USA, 2016; pp. 203–218, 277–282. ISBN 9780262337434. [Google Scholar]
  24. Lardeux, C.; Frison, P.L.; Tison, C. Support vector machine for multifrequency SAR polarimetric data classification. IEEE Trans. Geosci. Remote Sens. 2009, 47, 4143–4152. [Google Scholar] [CrossRef]
  25. Lee, J.S.; Grunes, M.R.; Ainsworth, T.L. Unsupervised classification using polarimetric decomposition and the complex wishart classifier. IEEE Trans. Geosci. Remote Sens. 1999, 37, 2249–2258. [Google Scholar]
  26. Feng, J.; Cao, Z.; Pi, Y. Polarimetric contextual classification of PolSAR images using sparse representation and superpixels. Remote Sens. 2014, 6, 7158–7181. [Google Scholar] [CrossRef]
  27. Cloude, S.R.; Pottier, E. An entropy based classification scheme for land applications of Polarimetric SAR. IEEE Trans. Geosci. Remote Sens. 1997, 35, 68–78. [Google Scholar] [CrossRef]
  28. Chang, C.C.; Lin, C.J. LIBSVM: A library for support vector machines. ACM Trans. Intell. Syst. Technol. 2011, 2, 1–27. [Google Scholar] [CrossRef]
  29. Aharon, M.; Elad, M.; Bruckstein, A. K-SVD: An algorithm for designing overcomplete dictionaries for sparse representation. IEEE Trans. Signal Proc. 2006, 54, 4311–4322. [Google Scholar] [CrossRef]
  30. Pati, Y.C.; Rezaiifar, R.; Krishnaprasad, P.S. Orthogonal matching pursuit: Recursive function approximation with applications to wavelet decomposition. In Proceedings of the IEEE Asilomar Conference on Signals, Systems and Computers, Pacific Grove, CA, USA, 1–3 November 1993; pp. 40–44. [Google Scholar]
  31. Ainsworth, T.; Kelly, J.; Lee, J.S. Classification comparisons between dual-pol, compact polarimetric and quad-pol SAR imagery. ISPRS J. Photogramm. Remote Sens. 2009, 64, 464–471. [Google Scholar] [CrossRef]
  32. Uhlmann, S.; Kiranyaz, S. Integrating color features in polarimetric SAR image classification. IEEE Trans. Geosci. Remote Sens. 2014, 52, 2197–2216. [Google Scholar] [CrossRef]
  33. Buono, A.; Nunziata, F.; Mascoloand, L.; Migliaccio, M. A multi-polarization analysis of coastline extraction using X-band COSMO-SkyMed SAR data. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2014, 7, 2811–2820. [Google Scholar] [CrossRef]
  34. Gou, S.P.; Yang, X.F.; Li, X.F. Coastal zone classification with full-polarization SAR imagery. IEEE Geosci. Remote Sens. Lett. 2016, 13, 1616–1620. [Google Scholar] [CrossRef]
Figure 1. (a) Two-layer autoencoder with softmax regression neural network; (b) 1st autoencoder network.
Figure 1. (a) Two-layer autoencoder with softmax regression neural network; (b) 1st autoencoder network.
Remotesensing 10 00110 g001
Figure 2. The performance analysis of the networks with different architectures.
Figure 2. The performance analysis of the networks with different architectures.
Remotesensing 10 00110 g002
Figure 3. (a) Pauli RGB; (b) Ground truth; white area denotes unlabeled pixels.
Figure 3. (a) Pauli RGB; (b) Ground truth; white area denotes unlabeled pixels.
Remotesensing 10 00110 g003
Figure 4. The convergence analysis of the Flevoland dataset from AIRSAR.
Figure 4. The convergence analysis of the Flevoland dataset from AIRSAR.
Remotesensing 10 00110 g004
Figure 5. The classification results of the Flevoland dataset from AIRSAR. (a) SVM, OA = 0.8708; (b) SRC, OA = 0.8231; (c) WC, OA = 0.8504; (d) MAE, OA = 0.9304; (e) SPLMAE, OA = 0.9473.
Figure 5. The classification results of the Flevoland dataset from AIRSAR. (a) SVM, OA = 0.8708; (b) SRC, OA = 0.8231; (c) WC, OA = 0.8504; (d) MAE, OA = 0.9304; (e) SPLMAE, OA = 0.9473.
Remotesensing 10 00110 g005
Figure 6. The classification results of the Flevoland dataset from RADARSAT-2. (a) Pauli RGB; (b) Ground truth; black area denotes unlabeled pixels; (c) SVM, OA = 0.9229; (d) SRC, OA = 0.8231; (e) WC, OA = 0.8382; (f) MAE, OA = 0.9449; (g) SPLMAE, OA = 0.9482.
Figure 6. The classification results of the Flevoland dataset from RADARSAT-2. (a) Pauli RGB; (b) Ground truth; black area denotes unlabeled pixels; (c) SVM, OA = 0.9229; (d) SRC, OA = 0.8231; (e) WC, OA = 0.8382; (f) MAE, OA = 0.9449; (g) SPLMAE, OA = 0.9482.
Remotesensing 10 00110 g006
Figure 7. The convergence analysis of the Flevoland dataset from RADARSAT-2.
Figure 7. The convergence analysis of the Flevoland dataset from RADARSAT-2.
Remotesensing 10 00110 g007
Figure 8. (a) Yellow River Delta dataset; (b) Official land use of study area generated for 2015.
Figure 8. (a) Yellow River Delta dataset; (b) Official land use of study area generated for 2015.
Remotesensing 10 00110 g008
Figure 9. The classification results of the sub-image. (a) Pauli RGB; (b) SVM; (c) SRC; (d) WC; (e) MAE; (f) SPLMAE.
Figure 9. The classification results of the sub-image. (a) Pauli RGB; (b) SVM; (c) SRC; (d) WC; (e) MAE; (f) SPLMAE.
Remotesensing 10 00110 g009
Table 1. The accuracies of the Flevoland dataset from AIRSAR. AA: average accuracy; OA: overall accuracy.
Table 1. The accuracies of the Flevoland dataset from AIRSAR. AA: average accuracy; OA: overall accuracy.
ClassSVMSRCWCMAESPLMAE
Stembeans0.97190.96420.95080.98420.9801
Rapeseed0.73510.60490.74840.84870.9003
Bare soil0.98020.92110.99200.90390.8649
Potatoes0.98110.66310.87750.98580.9815
Beet0.95410.95610.95130.96790.9713
Wheat 20.78750.77970.82720.85820.8559
Peas0.92580.93960.96280.96640.9676
Wheat 30.92880.82260.88640.97320.9749
Lucerne0.92920.95130.92930.95530.9608
Barley0.93650.93220.95260.97380.9795
Wheat0.81280.76100.86220.96560.9592
Grasses0.83730.62840.72460.82030.8555
Forest0.75620.97970.87910.96010.9707
Water0.82130.80020.51750.79810.9434
AA0.88270.83600.86160.92580.9404
OA0.87080.82310.85040.93040.9473
Train + Test time (s)1.3 + 1784 + 1551301539 + 3.41495 + 3.5
Table 2. The accuracies of Flevoland dataset from RADARSAT-2. AA: average accuracy; OA: overall accuracy.
Table 2. The accuracies of Flevoland dataset from RADARSAT-2. AA: average accuracy; OA: overall accuracy.
ClassSVMSRCWCMAESPLMAE
Urban0.80510.75790.60220.87120.8921
Water0.96930.97790.98540.98780.9870
Forest0.92070.91950.84790.95370.9468
Cropland0.93720.87590.80710.93270.9408
AA0.90800.88280.81070.93630.9417
OA0.92290.89780.83820.94490.9482
Train + Test time (s)1+ 11.726 + 43687.551 + 542 + 4.7
Table 3. The accuracies of the Yellow River Delta. AA: average accuracy; OA: overall accuracy.
Table 3. The accuracies of the Yellow River Delta. AA: average accuracy; OA: overall accuracy.
ClassSVMSRCWCMAESPLMAE
Pond0.85400.3680--0.92300.9132
Alkali Soil0.84980.4681--0.83500.8523
Coastal Shoal0.71920.4912--0.77980.7758
Wetland0.55440.2311--0.59080.6678
Plantation0.52800.4377--0.71750.7124
River0.14440.3144--0.32150.4489
AA0.60830.38510.60.69460.7284
OA0.71130.3963--0.76270.7812
Train + Test time (s)5 + 30539 + 2871--5840 + 525643 + 53

Share and Cite

MDPI and ACS Style

Chen, W.; Gou, S.; Wang, X.; Li, X.; Jiao, L. Classification of PolSAR Images Using Multilayer Autoencoders and a Self-Paced Learning Approach. Remote Sens. 2018, 10, 110. https://doi.org/10.3390/rs10010110

AMA Style

Chen W, Gou S, Wang X, Li X, Jiao L. Classification of PolSAR Images Using Multilayer Autoencoders and a Self-Paced Learning Approach. Remote Sensing. 2018; 10(1):110. https://doi.org/10.3390/rs10010110

Chicago/Turabian Style

Chen, Wenshuai, Shuiping Gou, Xinlin Wang, Xiaofeng Li, and Licheng Jiao. 2018. "Classification of PolSAR Images Using Multilayer Autoencoders and a Self-Paced Learning Approach" Remote Sensing 10, no. 1: 110. https://doi.org/10.3390/rs10010110

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