Next Article in Journal
Hierarchical Queue Management Priority and Balancing Based Method under the Interaction Prediction Principle
Next Article in Special Issue
Air Defense Interception Plan Generation Method Based on Modified A* Optimization Algorithm
Previous Article in Journal
Table Structure Recognition Method Based on Lightweight Network and Channel Attention
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Pruning Multi-Scale Multi-Branch Network for Small-Sample Hyperspectral Image Classification

School of Electronical and Information Engineering, Shenyang Aerospace University, Shenyang 110136, China
*
Author to whom correspondence should be addressed.
Electronics 2023, 12(3), 674; https://doi.org/10.3390/electronics12030674
Submission received: 2 January 2023 / Revised: 26 January 2023 / Accepted: 28 January 2023 / Published: 29 January 2023
(This article belongs to the Special Issue Control and Applications of Intelligent Unmanned Aerial Vehicle)

Abstract

:
In recent years, the use of deep learning models has developed rapidly in the field of hyperspectral image (HSI) classification. However, most network models cannot make full use of the rich spatial-spectral features in hyperspectral images, being disadvantaged by their complex models and low classification accuracy for small-sample data. To address these problems, we present a lightweight multi-scale multi-branch hybrid convolutional network for small-sample classification. The network contains two new modules, a pruning multi-scale multi-branch block (PMSMBB) and a 3D-PMSMBB, each of which contains a multi-branch part and a pruning part. Each branch of the multi-branch part contains a convolutional kernel of different scales. In the training phase, the multi-branch part can extract rich feature information through different perceptual fields using the asymmetric convolution feature, which can effectively improve the classification accuracy of the model. To make the model lighter, pruning is introduced in the master branch of each multi-branch module, and the pruning part can remove the insignificant parameters without affecting the learning of the multi-branch part, achieving a light weight model. In the testing phase, the multi-branch part and the pruning part are jointly transformed into one convolution, without adding any extra parameters to the network. The study method was tested on three datasets: Indian Pines (IP), Pavia University (PU), and Salinas (SA). Compared with other advanced classification models, this pruning multi-scale multi-branch hybrid convolutional network (PMSMBN) had significant advantages in HSI small-sample classification. For instance, in the SA dataset with multiple crops, only 1% of the samples were selected for training, and the proposed method achieved an overall accuracy of 99.70%.

Graphical Abstract

1. Introduction

Hyperspectral remote sensing is one of the most important technologies used for Earth observation in the 21st century [1,2], and with the development of unmanned aerial vehicle (UAV) hyperspectral remote sensing technology, spectral sensors can acquire images with both spectral and spatial characteristics. Compared with normal images, hyperspectral images contain rich spectral and spatial information, and are widely used in precision agriculture [3], land cover evaluation [4], environmental monitoring [5], ocean hydrographic detection [6], military reconnaissance [7], and other fields. One of the current research hotspots in hyperspectral data processing is classification [8], and the classification accuracy directly affects the accuracy of the subsequent information processing. Therefore, hyperspectral image classification is of great theoretical significance and practical application value.
In the early stages of hyperspectral research, traditional machine learning methods were used for feature extraction and classification, and these included support vector machines (SVM) [9], stream learning [10], and logistic regression [11]. These traditional classification methods only use spectral information for classification and do not take into account the spatial features of the spatial dimension. It is difficult to classify effectively when relying only on spectral features, and they are prone to the Hughes phenomenon. Methods such as 3D discrete wavelet [12], 3D Gabor filter [13], and others can extract both the spectral and spatial features of hyperspectral images. However, these traditional classification methods can only discern shallow features of hyperspectral images, and it is difficult to capture deeper feature information. Moreover, most of the traditional methods are based on manual features, which require manual discrimination and annotation, and are very time-consuming.
With the development of deep learning, some deep learning-based feature extraction methods have been widely used in hyperspectral classification, such as sparse representation [14] and the random field method [15]. Compared with traditional machine learning algorithms, deep learning algorithms can automatically extract the deep features of hyperspectral images. In recent years, the commonly used deep learning network models have included stacked autoencoder (SAE) [16], deep belief network (DBN) [17], recurrent neural network (RNN) [18], convolutional neural network (CNN) [19], and graph convolutional network (GCN) [20]. CNN can extract spatial information efficiently and significantly reduce the number of parameters of the network using their locally connected and shared weights properties [21]. Among deep learning algorithms, CNNs have received attention due to their superior feature extraction performance compared with other algorithms and have been widely used in areas such as image classification [22,23,24] and semantic segmentation [25].
Hu et al. [26] first applied convolutional neural networks to hyperspectral image (HSI) classification, constructing a one-dimensional convolutional neural network. This method only used the spectral features of hyperspectral images for classification, ignoring the spatial features, and the classification accuracy was slightly lower than that of traditional methods. To make full use of the spatial information of HSI, some 2D-CNN networks have been proposed [27,28,29]. In [29], pixel pairs were proposed to exploit the feature extraction capability of CNNs, and classification results were obtained through a voting strategy. Chen et al. [30] proposed a 3D-CNN network that can extract both spectral and spatial information without relying on any complex preprocessing, and its performance was superior to that of 1D- and 2D-CNNs. Zhong et al. [31] proposed a spectral–spatial residual network (SSRN) based on 3D-CNN. The connection between the residual block and the convolution layer in the network design promoted the backpropagation of the gradient, and the classification accuracy of the model was improved compared with the previous depth network model. Wang et al. [32] proposed an end-to-end fast dense spectral–spatial convolutional network (FDSSC), which used different sizes of convolutional kernels to extract spectral and spatial features, respectively. Paoletti et al. [33] proposed a CNN architecture based on spectral–spatial capsule networks that characterized data on a higher level of abstraction by estimating the probability of spectral–spatial features in the HSI input data. Although these 3D-CNN-based models have achieved some success in the field of hyperspectral image classification, it is difficult to further improve the classification accuracy of the models as the depth of the network increases, along with the problem of high model computation costs [34]. Roy et al. [35] proposed a hybrid spectral CNN model (HybridSN), in which the network first extracts 3D-CNN spatial–spectral features, and then uses 2D-CNN to learn spatial features, which improves the performance of the hybrid CNN model, while reducing the network complexity compared with networks using 3D-CNN alone. The attention mechanism is widely used in hyperspectral image classification models, to handle different features differently [36,37,38]. Mei et al. [39] proposed a spectral–spatial attention network (SSAN) and designed a joint network of spectral attention bidirectional RNN branches and spatial attention CNN branches to jointly extract spectral–spatial features. Dong et al. [40] proposed a collaborative spectral–spatial attention-intensive network (CS2ADN) to characterize spectral and spatial features and reduce computing costs using dense connections. Xiang et al. [41] proposed an end-to-end multilevel hybrid attention network (DMCN) to explore the local features of HSI. The perception of classification targets was enhanced by using the coordinate attention mechanism.
Although the above models have achieved certain positive results in the field of HSI classification, there are still some problems. First, due to the limited number of samples in hyperspectral imaging, determining how to fully extract deep feature information with a small amount of training sample data plays a crucial role in the enhancement of classification accuracy. Second, as the depth of the model increases, the convergence of the network and the size of the model are also affected. Therefore, determining how to reduce the model size while improving the classification ability is an important issue when HSI samples are small. Ding et al. [42] proposed using a diverse branch block (DBB). In the training phase, this method extracts feature information by combining multiple branches of different scales and complexities. In the testing phase, the DBB is equivalently converted into a single convolutional layer for deployment. ResRep [43] is a lossless channel pruning approach. It re-parameterizes the CNN into two parts, for maintaining model performance [44] and pruning. It streamlines the CNN by reducing the width of the convolutional layers. Inspired by DBB and ResRep, this study aimed to construct an innovative 3D-2D CNN network model for HSI small-sample classification. The model uses different network structures in the training phase and the testing phase. The number of parameters is smaller and the complexity of the model is low, while the classification accuracy is guaranteed. In this paper, we propose a multi-scale multi-branch block (MSMBB) and extend the idea to 3D convolutional networks by proposing a 3D-MSMBB. We also propose a 3D-PMSMBB combined with pruning based on 3D-MSMBB.
The main contributions of this paper can be summarized as follows:
  • To improve the classification accuracy of small training samples, based on DBB, MSMBB and 3D-MSMBB are proposed. In the training phase, these two modules combine the structural features of asymmetric convolution and multi-branching to explore complementary information through different sensory fields, to achieve adequate feature extraction for small-sample datasets. In the testing phase, MSMBB and 3D-MSMBB are equivalently transformed into a single convolutional layer for deployment, to reduce test resource consumption.
  • To reduce the size of the network model, without significantly affecting the classification accuracy, we introduce pruning modules in the master branch of each MSMBB and 3D-MSMBB. The size of the MSMBB and 3D-MSMBB transformed convolutional layers is reduced by pruning the input channels of the pruning module, thus reducing the computational effort of the network.
  • To the best of our knowledge, our method combines DBB with pruning for the first time and extends it to 3D-CNN for HSI classification. The experimental results show that the method can obtain better classification results with a smaller number of training samples and resolve the problem of low classification accuracy for small-sample datasets, as well as achieving a lightweight model.
The rest of the paper is organized as follows: Section 2 introduces the work related to the proposed method. Section 3 presents the experimental results and analysis. Section 4 describes and discusses the results. Finally, Section 5 provides the conclusion.

2. Materials and Methods

2.1. Proposed Method

The general framework of the hyperspectral image classification network based on a pruning multi-scale multi-branch hybrid convolutional network (PMBMSN) is shown in Figure 1. First, the spectral dimension of the original data is downscaled using principal component analysis (PCA) [45] to reduce the computation, while retaining the primary spectral information. After PCA, the joint spatial–spectral features of the hyperspectral images are extracted by three 3D-PMSMBBs, then the spatial features are further extracted by two PMSMBBs. Among these, the 3D-PMSMBB contains five branches and the PMSMBB contains four branches, each of which uses a different convolutional kernel size. In addition, 1 × 1 × 1 and 1 × 1 convolutions are added to the master branches of the 3D-PMSMBB and PMSMBB for pruning, respectively. In the test phase, each 3D-PMSMBB and PMSMBB is transformed into a corresponding single 3D or 2D convolutional layer. Finally, the above output features are input to the two fully connected layers to extract discriminative features for classification by Softmax, and the final classification results for each class are obtained.
In this paper, the original input of HSI data is represented as IRH×W×C in the model, where H , W , and C denote the height, width, and spectral dimension of the dataset, respectively. Each HSI pixel in I contains C spectral bands. Hyperspectral images are characterized by high dimensionality and severe redundancy. Considering the large correlation between the adjacent channels of hyperspectral images and the existence of more information redundancy, a large computational overhead will be incurred if the processing is performed directly. Therefore, to reduce spectral redundancy, most hyperspectral image classification methods first reduce the dimensions of the image to alleviate the issue of dimensionality. The dimensionality reduction methods commonly used for hyperspectral image classification include PCA [45], independent component analysis (ICA) [46], and linear discriminant analysis (LDA) [47]. Ghaffari et al. [48] recognized the essential spectral pixels by using the support of the convex hull of the principal component scores to eliminate the pixel redundancy of the dataset. Among them, PCA is the most commonly used dimensionality reduction method and is not limited by sample labels. It can reduce the dimension of the spectral bands and maintain the integrity of the spatial information. At present, it is still widely used in the dimensionality reduction processing of various hyperspectral image classification methods [49,50,51]. Therefore, PCA was used for dimensionality reduction in this study. PCA reduces the number of spectral bands from C to D , while keeping the spatial dimensionality unchanged. After dimensionality reduction, only the number of spectral bands is reduced in the original data and the spatial information is preserved, which is extremely important for the subsequent recognition of any object. The data cube after dimensionality reduction is denoted as X R H × W × D , where X is the input after PCA and D represents the number of spectral bands after PCA. Next, the HSI data cube X obtained after PCA is divided into multiple overlapping small 3D patches O R S × S × D , where S represents the height and width of O . The total number of small 3D patches obtained is ( H S + 1 ) × ( W S + 1 ) , and the truth label of each small patch is determined by the label of the central pixel. These small 3D patches contain all the spectral and spatial information of X .

2.2. MSMBB and 3D-MSMBB

Although the various types of hybrid convolutional neural network model can extract comprehensive and deep features of hyperspectral images, these methods normally require a sufficient amount of training samples. The limited training samples of hyperspectral images limit the learning ability of deep learning models to a certain extent, making it difficult to extract typical features in hyperspectral images, which affects the classification accuracy of hyperspectral images. The multi-scale structure contains rich contextual information and has a natural advantage in hyperspectral image classification.

2.2.1. MSMBB

An MSMBB is a multi-scale multi-branch structure, in which each branch contains a convolutional kernel of different scales, to enrich the feature space of the network. In the training phase, the feature information extracted from this multi-scale multi-branch network structure is richer than that extracted from a single convolution network. In the testing phase, the multi-branch structure is re-parameterized and fused into a master branch, without using additional network parameters. The conversion process of an MSMBB is shown in Figure 2. An MSMBB contains four branches and, inspired by ACNet [52], we incorporated the idea of asymmetric convolution and designed the convolution kernels of each branch as 1 × 1 , 1 × K , K × 1 , and K × K , respectively. The 1 × 1 convolution performs a linear combination of each pixel point on different channels and can preserve the original structure of the image. The two one-dimensional convolutions, K × 1 and 1 × K , enhance the square convolution kernels in horizontal and vertical directions, respectively, focusing on different local salient features from different directions. To speed up the convergence during model training and to improve the generalization ability of the network [53], we performed batch normalization (BN) after the convolution layer of each branch and combined the output of the four branches as the output of an MSMBB. The BN normalizes the feature maps of each branch, so that the output features of each branch are nonlinear, reducing the divergence of the data and effectively avoiding the occurrence of gradient explosion or gradient disappearance. In addition, the parameters of the BN are fixed in the testing phase. The multi-branch structure of the BN is introduced to solve the problem of the slow convergence of the network and to make the training process of the model more stable. The structure of the MSMBB is shown in Figure 2a.
In the testing stage, an MSMBB can be transformed into a K × K convolution, as shown in Figure 2c. The parameters of the convolution kernel of size M × N are defined as F ( M × N ) R C i × C o × M × N and the bias parameters of the convolution kernel as b R C o , where C i is the number of channels of the input and C o is the number of channels of the output. To accelerate the inference process, we merge the BN layer parameters of each branch put into the convolutional layer and fuse them into one convolution, which turns the two-step operation into one step and reduces the computation and the number of parameters of the model for acceleration purposes. The BN layer includes the channel mean μ R C o , the channel standard deviation σ R C o , the scaling parameter γ R C o , and the bias β R C o . R E P ( x ) R C i × C o × M × N denotes copying x R C o into a matrix of the same size as F ( M × N ) . P ( F ( M × N ) ) R C i × C o × K × K ,   M , N K denotes padding the convolution of M × N to K × K . Transform1 in Figure 2 denotes transforming a convolutional layer with a convolutional kernel size of M × N and a BN layer into a convolutional layer with a convolutional kernel size of K × K . The formula for Transform1 is as follows:
F ( K × K ) = R E P ( γ ) R E P ( σ ) P ( F ( M × N ) ) ,
b = μ γ σ + β ,
where F ( K × K ) and b are the converted convolution kernel weight parameter and the convolution kernel bias parameter, respectively. The convolution and BN on each branch can be converted into separate convolutions by Transform1, as shown in Figure 2b. Finally, the convolutional products of the four branches are summed, to obtain the final transformed convolutional product using the following equation:
F ( K × K ) = i = 1 4 F i ( K × K ) ,
b = i = 1 4 b i ,
where F ( K × K ) and b are the results of Transform2; and F i ( K × K ) , b i are the convolution kernel weights and bias of the i-th branch. Combining Equations (1) and (2) yields the transformation equation of the MSMBB module, as follows:
F ( K × K ) = i = 1 4 R E P ( γ i ) R E P ( σ i ) P ( F i ( M × N ) ) ,
b = i = 1 4 μ i γ i σ i + β i ,

2.2.2. 3D-MSMBB

Conventional convolutional neural networks are generally two-dimensional and cannot extract both the spectral and spatial features of hyperspectral images, as this would destroy the correlation between pixels and thus the spectral feature information of the images. In contrast, 3D CNN can convolve in both spatial and spectral dimensions, and can adequately extract spectral–spatial features. Therefore, in this paper, we propose a 3D-DBB based on DBB and construct a 3D-MBMSB similar to MBMSB. In the 3D-MBMSB, five concurrent 1 × 1 × 1 , 1 × 1 × B , 1 × K × 1 , K × 1 × 1 , and K × K × B convolutions are used to replace the original K × K × B convolution, and the BN of each branch is replaced by the BN of 3D. A 3D-MSMBB can effectively enhance the expression ability of network models. In the training stage, a 3D-MSMBB can be transformed into a 3D convolution of K × K × B . The transformation process of the 3D-MSMBB is shown in Figure 3.
Similar to the conversion formula for an MSMBB, the conversion formula of a 3D-MSMBB is as follows:
F ( K × K × B ) = i = 1 5 R E P 3 D ( γ i ) R E P 3 D ( σ i ) P ( F i ( M × N × B ) ) ,
b = i = 1 5 μ i γ i σ i + β i ,
where F i ( M × N × B ) R C i × C o × M × N × B represents the weight of the 3D convolution kernel on the ith branch; B denotes the size of the convolution kernel on the spectral segment. P ( F ( M × N × B ) ) R C i × C o × K × K × B ,   M , N , B K refers to the convolution padding of M × N × B as K × K × K ; and R E P 3 D ( x ) R C i × C o × M × N × B stands for the replication of x R C o into a matrix of the same size as F ( M × N × B ) .

2.3. Pruning Multi-Scale Multi-Branch Block

To reduce the number of parameters of the network in the training phase, a PMSMBB combined with pruning is proposed in this paper, consisting of an MSMBB and a pruning module. Specifically, for the 3D-PMSMBB, the pruning module contains a 1 × 1 × 1 convolution with a bias of 0. For the PMSMBB, the pruning module is the corresponding 1 × 1 convolution. The pruning module is placed on the output trunk of each multi-scale multi-branch block, and by pruning the input channels of the pruning module, the weight parameters in the multi-scale multi-branch block that have less influence on the loss can be removed in the dimension of the output. The pruning process of 3D-PMSMBB is shown in Figure 4.
The 3D-MSMBB is equivalent through transformation to a 3 × 3 × B convolution, whose input channel is C i and the output channel is C o . The input channel and output channel of the 1 × 1 × 1 convolution are both C o . For the sake of discussion, for the 3D convolution with a convolution kernel size of 1 × 1 × 1 and the 2D convolution with a convolution kernel size of 1 × 1 , their parameters F ( 1 × 1 × 1 ) R C o × C o × 1 × 1 × 1 and F ( 1 × 1 ) R C o × C o × 1 × 1 can both be transformed into a two-dimensional matrix W R C o × C o . The rows and columns of W correspond to the input and output channels of the convolution, respectively, and setting a row in W to zero is equivalent to pruning the input channel corresponding to the convolution. To determine the importance of each channel in W , this paper evaluates the importance of the parameter w by estimating the effect on the loss after setting it to zero. The input to the network is x , the label is y , and the loss function is L . Θ denotes the set of network parameters. Normally, the parameters of the network have a small range around 0. Therefore, the change in the loss L after a certain parameter w is set to 0 can be effectively approximated as a first-order Taylor series expansion of the loss L on w [43,44]. The calculation is as follows:
L ( x , y , Θ w 0 ) L ( x , y , Θ ) = L ( x , y , Θ ) w w = T ( x , y , w ) ,
where T denotes the importance fraction of the parameter, and the larger T is, the greater the impact on the loss after setting the parameter to 0 (i.e., the more important the parameter is). The importance T p R C o of the input channel p in W can be expressed as:
T p = | q = 0 C o T ( x , y , W p , q ) | .
The set of values of T p are denoted by Ψ for all pruning modules in the network. As the network used in this paper has a smaller number of parameters compared with the classification network targeted by traditional pruning methods, adding regularization to all parameters will lead to underfitting the model. Therefore, unlike the traditional pruning method that adds regularization to all weights, in this paper, only the first Q parameters with the smallest scores have regular loss added, while the other parameters do not have regular loss added. The parameters of the pruning module are then updated at step t in the following way:
W ( t + 1 ) W ( t ) α ( Z ( t + 1 ) η G ( t ) W ( t ) ) ,
G p , : ( t ) = { 1   if   T p ( t ) <   the   Q - th   greatest   value   in   Ψ 0   otherwise   ,
where α represents the learning rate, η is the ordinary weight decay coefficient; Z ( t + 1 ) denotes the gradient term calculated according to the optimizer and loss function; and G R C o × C o represents the mask matrix for choosing whether to add regularization loss to the weights. For channels with a high importance in the weights W ( t ) , the corresponding position on the mask matrix G is 0, and the regularization loss is not considered in the update. For the weights with low importance in W ( t ) , the corresponding position on the mask matrix G is 1, and this is gradually reduced to 0 by the regularization loss at the update time. In the training phase, if the sum of the parameters of one of the input channels in W ( t ) is less than a threshold τ , the corresponding channel in the mask is set to zero:
m a s k p = { 0   if   | q = 0 C o W p , q | < τ 1   otherwise   .
After training, the position where the mask is 0 corresponds to the channel in W that needs to be pruned. W R C o × C o denotes the result after W is pruned. W corresponds to the weight F p ( 1 × 1 × 1 ) R C o × C o × 1 × 1 × 1 with input channel C o , output channel C o , and a convolution kernel size of 1 × 1 × 1 . In the testing phase, the convolution of K × K × B and the convolution of 1 × 1 × 1 are jointly transformed into a convolution of K × K × B with the following formula for the transformation process:
F ( K × K × B ) = F ( K × K × B ) T R A N S ( F p ( 1 × 1 × 1 ) ) ,
where denotes the convolution operation. As C o < C o , the parameters of the transformed F ( K × K × B ) R C i × C o × K × K × B are smaller than F ( K × K × B ) , thus reducing the computation in the test phase. Combining Equations (7), (8) and (14), the transformation formula of the 3D-PMSMBB can be obtained as follows:
F ( K × K × B ) = i = 1 5 R E P 3 D ( γ i ) R E P 3 D ( σ i ) P ( F i ( M × N × B ) ) T R A N S ( F ( 1 × 1 × 1 ) ) ,
b = i = 1 5 μ i γ i σ i + β i .
Correspondingly, the transformation equation of PMSMBB is:
F ( K × K ) = i = 1 4 R E P ( γ i ) R E P ( σ i ) P ( F i ( M × N ) ) T R A N S ( F ( 1 × 1 ) ) ,
b = i = 1 4 μ i γ i σ i + β i ,

2.4. Overall Algorithm Steps

The overall process of the proposed PMSMBN is shown in Algorithm 1.
Algorithm 1. PMSMBN model
Input: HSI data I R H × W × C ,   pixels = H × W , number of bands = C
Output: Classification map of the test set
1. Obtain X R H × W × D after PCA, X is divided into multiple overlapping 3D patches, with the number ( H S + 1 ) × ( W S + 1 ) .
2. Randomly divide the 3D patches into a training set and test set according to the proportion of training and testing.
3. For i in epoch;
4.  Extract spectral–spatial features through three 3D-PMSMBBs and two PMSMBBs.
5.  Flatten the 2D feature map into a 1D feature vector.
6.  Input the 1D feature vector into two linear layers.
7.  Use softmax to classify and obtain classification results.
8.  Calculate the score of each channel of each pruning part and modify the mask according to the result.
9. Transform the training model into the test model.
10. Use the test set with the test model to obtain predicted labels.

3. Experimental Results and Analysis

3.1. Hyperspectral Dataset

In this study, three hyperspectral datasets (Indian Pines (IP), Pavia University (PU), and Salinas (SA)) were used in the experiments, to validate the effects of the model. The details of each dataset are given below.
The IP dataset was acquired using an airborne visible infrared imaging spectrometer (AVIRIS). The image size is 145 × 145 pixels, the wavelength range is 400–2000 nm, the spatial resolution is 20 m, the number of spectral bands is 220, the noise bands are excluded, and the remaining 200 bands are used as the study object. The total number of labeled pixels in this dataset is 10,249, and there are 16 categories of labeled samples, mainly including crops, woods, and other perennial plants. Its false-color map and ground-truth map are shown in Figure 5. In this paper, 5% (518 pixels) and 95% (9731 pixels) of the IP dataset were randomly selected as the training and test sets.
The PU dataset was obtained by the German airborne reflectance optical spectral imager in Pavia City, Italy. The image size is 610 × 340 pixels, the wavelength range is 430–860 nm, the spatial resolution is 1.3 m, and the spectral band number is 103. The total number of labeled pixels in this dataset is 42,776, and there are 9 categories of labeled samples, most of which are urban land cover, such as metal plates, roofs, and concrete pavements. Its false-color map and ground-truth map are shown in Figure 6. In this paper, 1% (426 pixels) and 99% (41,924 pixels) of the PU dataset were randomly selected as the training and test sets.
The SA dataset is an image of the Salinas Valley in California taken by the AVIRIS sensor, and has a size of 512 × 217 pixels and a spatial resolution of 3.7 m. There are 224 spectral bands, excluding 20 water absorption bands, and the remaining 204 bands were used for the study. There are 54,129 labeled pixels in the SA dataset and 16 categories of labeled samples, including crops such as cauliflower, arable land, and vineyards. Its false-color map and ground-truth map are shown in Figure 7. In this paper, 1% (543 pixels) and 99% (53,043 pixels) of the SA dataset were randomly selected as the training and test sets.

3.2. Experimental Setting

All experiments in this study were conducted on an Intel(R) Core(TM) i5-1035G1 CPU @1.7 GHz 2.19 GHz server with 128 GB of RAM and NVIDIA Tesla V100 GPU. The specific program was implemented on the Ubuntu system using the PyTorch 1.10.0 deep learning framework and Python 3.6 compiler. To verify the effectiveness of the model, three quantitative metrics, including overall accuracy (OA), average accuracy (AA), and Kappa coefficient (Kappa), were used to evaluate the performance of the model. Higher values of these metrics indicate that the model is more capable in classifying. Considering OA, AA, and Kappa together, in the experiments, the batch size was set to 32, the learning rate was set to 0.001, the pruning rate was set to 0.1, and the Adam optimizer was used to make the model converge quickly. On the IP and SA datasets, the patch size of the PMSMBN was 25 × 25 and the band was 30. On the PU dataset, the patch size was 19 × 19 and the band was 15.

3.3. Experimental Results and Analysis

To validate the effectiveness of the proposed model (PMSMBN), we compared the proposed method with some representative deep learning-based hyperspectral image classification methods, including 2D-CNN [27], 3D-CNN [30], spectral–spatial residual network (SSRN) [31], hybrid spectral CNN (HybridSN) [35], spectral–spatial attention network (SSAN) [39], and end-to-end multilevel hybrid attention network (DMCN) [41]. To ensure the fairness of the experimental results, we used the network structure with the highest accuracy in the literature and the corresponding parameters for the comparison experiments. All experiments were executed with the same hardware, and the proportions of the training and the testing samples used were identical. To ensure the rigor of the experiment, for the class with fewer than three training samples, we randomly selected three samples as the training samples for this class. Table 1, Table 2 and Table 3 represent the different classification methods in the Indian Pines, Pavia University, and Salinas datasets, with the classification results for each class. The optimal results are shown in bold.
As can be seen in Table 1, Table 2 and Table 3, the OA, AA, and Kappa of our proposed PMSMBN were generally higher than those of other methods on the three datasets. In particular, with only 1% training samples of the SA dataset, our proposed PMSMBN could still reach 99.78% OA. This indicates that the model can accurately acquire spectral–spatial features, even if a small number of training samples are selected. The classification accuracy of 2D-CNN and 3D-CNN was the lowest, and SSRN used skip connections to extract deep feature information with higher classification accuracy than 2D-CNN and 3D-CNN. Meanwhile, HybridSN based on hybrid convolution demonstrated a large improvement in classification accuracy compared with 2D-CNN and 3D-CNN using one type of convolution alone. This is due to the difficulty of extracting the joint spectral–spatial features of hyperspectral images using a single convolutional layer for small-sample classification.
Taking the IP dataset as an example, the proposed model PMSMBN in this paper improved the OA from 90.57% to 96.29% compared with HybridSN. This shows that our model is more suitable for classification in cases with a small number of samples and has a better information extraction ability due to its multi-scale and multi-branch structural features. Both SSAN and DMCN apply the attention mechanism; however, with limited training samples, the ability of the attention mechanism to fit spatial structure information is not easily exploited. Compared with DMCN, PMSMBN had a better classification effect, although there was only a small difference in the classification accuracy of DMCN compared with PMSMBN on the PU and SA datasets. The overall accuracy of the proposed model was improved by 3.36%, the average accuracy was improved by 4.55%, and the Kappa coefficient was improved by 3.85% on the IP dataset. By observing the experimental results of small-sample classification, we found that the proposed method had a better classification performance. This is because our method was designed with a multi-scale multi-branch feature extraction module, which extracts deeper spectral–spatial features by combining multiple branches of various scales and complexities, making the extracted features more comprehensive and proving the effectiveness of multi-scale multi-branch networks.
Figure 8, Figure 9 and Figure 10 show the classification results of the different models on the IP, PU, and SA datasets, along with their corresponding ground truth maps. It can be seen from the classification plots that the classification images obtained using only 2D convolution or 3D convolution had more misclassifications. The misclassifications in the classification maps obtained based on SSRN, HybridSN, SSAN, and DMCN were reduced. In particular, our proposed model showed better classification results and clearer boundaries. Comparing the classification result maps of all models with the ground-truth maps, the proposed models achieved more accurate classification results and the classification result maps were closest to the ground-truth maps.
To further evaluate the performance of the proposed model, different percentages of training samples were selected for the experiments. Of the IP dataset, 1%, 2%, 5%, 10%, and 15%, along with 0.1%, 0.2%, 0.5%, 1%, and 5% of the PU and SA datasets, were randomly selected as the training set, and the rest were used as the test set. The experimental results are shown in Figure 11. It can be seen from Figure 11 that the OA of the proposed PMSMBN model exceeded 70% when the percentage of training samples of the IP dataset was 1%. The overall accuracy of the proposed model was also significantly better when the proportion of training samples of the PU and SA datasets was 0.1%. As the number of training samples increased, each method could obtain higher classification accuracy, but the classification accuracy of the proposed method was still higher than that of the other methods. This indicates that the method can obtain good classification results with good generalization ability, both with a small number of training samples and with sufficient samples.

3.4. Ablation Analysis

To verify the validity of the multi-branch part, we replaced the multi-branch part with one branch. Specifically, three 3D-MSMBBs were replaced by three 3D-CNNs with scales of 3 × 3 × 7 , 3 × 3 × 5 , and 3 × 3 × 3 . Two MSMBBs were replaced by two 2D-CNNs with scales of 3 × 3 , and the other structures remained the same. Figure 12a shows the classification results of different training samples of the three datasets. From the figure, it can be seen that the model without 3D-MSMBBs or MSMBBs had significantly lower classification accuracy compared to the proposed PMSMBN. The advantage of the proposed model was more significant in the case of both large and small training samples. This is because our designed multi-branch structure can extract richer spectral space features using convolution kernels at different scales, which can effectively improve the classification accuracy. The experimental results demonstrated that the proposed multi-branch part can enhance the feature extraction ability of the network model.
In the same way, to verify the effectiveness of the pruning part, we tested the proposed PMSMBN and the network without the pruning part on three datasets for comparison. The experimental results are shown in Figure 12b. As can be seen from the figure, with a very small number of training samples, the difference in OA between the PMSMBN and the network without the pruning part was approximately 0.5%. As the number of samples increased, the difference in OA gradually decreased, and when the number of samples was sufficiently large, the OA of the models with and without pruning was very close. In addition, the pruned part could effectively reduce the size of the model. The pruning rate for different sample sizes is shown by the polylines in the figure, and it can be concluded from the figure that the pruned part can reduce the network model without significantly affecting the OA, achieving a lightweight model.

4. Discussion

The experimental results on the IP, PU, and SA datasets demonstrated the effectiveness of the method proposed in this paper. Compared with the other classification models, although the PMSMBN achieved better classification results on the HSI small-sample classification problem, it remained a great challenge to improve the classification performance of the model in the case of very small classification samples. Therefore, future research will focus on using open hyperspectral data to supplement small samples, combining the network model with the expanded sample approach, and thus improving the classification accuracy. In addition, the edges of each sample species of the hyperspectral images also contain rich features, and most network models have difficulty in achieving accurate recognition of edge features. Therefore, our future research direction will explore the edge feature information extraction of hyperspectral images, in combination with novel image preprocessing methods. Taking the SA dataset with the largest number of training samples as an example, the training time of the proposed model was 162.59 s and the test time was 12.93 s. On the basis of maintaining the classification accuracy of the model, we will continue to optimize the model structure, to further save training and test time.

5. Conclusions

In this paper, a pruning multi-scale multi-branch hybrid convolutional network (PMSMBN) for HSI classification was proposed. The PMSMBN addresses the problem of the the low classification accuracy of hyperspectral images with small samples and utilizes a multi-branch multi-scale block with different scales. Using MSMBB, the features of hyperspectral images can be extracted at different scales. In addition, to make the model more applicable to the characteristics of hyperspectral data redundancy, PMSMBN combines the feature that multi-branch blocks can be equivalently transformed and introduces a pruning part into the main branch of MSMBB, to reduce the number of useless parameters. We extended the idea of DBB into 3D, and proposed a 3D-PMSMBB, applying it to the field of hyperspectral image classification for the first time. To validate the effectiveness of the proposed method, we conducted a comparative experiment using the PMSMBN with other classification methods on three publicly available hyperspectral datasets. The experimental results showed that the method in this paper can more fully extract the spectral–spatial features of hyperspectral images with small training samples, and the classification accuracy was significantly better than that of other methods. For datasets with an extremely uneven sample distribution, the multi-scale multi-branch structure proposed in this paper can maintain the accuracy of the model’s performance.

Author Contributions

Conceptualization, Y.B.; methodology, Y.B.; software, Y.B.; validation, Y.B. and M.X.; formal analysis, Y.B. and M.X.; investigation, Y.B.; resources, Y.B. and M.X.; data curation, Y.B.; writing-original draft preparation, M.X.; writing-review and editing, Y.B., M.X., L.Z. and Y.L.; visualization, Y.B.; supervision, Y.B.; project administration, Y.B.; funding acquisition, L.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Educational Department of Liaoning Province under Grant LJKZ0174.

Data Availability Statement

Not applicable.

Acknowledgments

We are very grateful to the editors and reviewers for their valuable comments, to the providers of all the data used in the paper, and to the people who helped to complete this study.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Lu, Z.; Xu, B.; Sun, L.; Zhan, T.; Tang, S. 3-D Channel and Spatial Attention Based Multiscale Spatial–Spectral Residual Network for Hyperspectral Image Classification. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2020, 13, 4311–4324. [Google Scholar] [CrossRef]
  2. Shi, Q.; Tang, X.; Yang, T.; Liu, R.; Zhang, L. Hyperspectral Image Denoising Using a 3-D Attention Denoising Network. IEEE Trans. Geosci. Remote Sens. 2021, 59, 10348–10363. [Google Scholar] [CrossRef]
  3. Tian, S.; Lu, Q.; Wei, L. Multiscale Superpixel-Based Fine Classification of Crops in the UAV-Based Hyperspectral Imagery. Remote Sens. 2022, 14, 3292. [Google Scholar] [CrossRef]
  4. Yadav, C.S.; Pradhan, M.K.; Gangadharan, S.M.P.; Chaudhary, J.K.; Singh, J.; Khan, A.A.; Haq, M.A.; Alhussen, A.; Wechtaisong, C.; Imran, H.; et al. Multi-Class Pixel Certainty Active Learning Model for Classification of Land Cover Classes Using Hyperspectral Imagery. Electronics 2022, 11, 2799. [Google Scholar] [CrossRef]
  5. Fang, C.; Han, Y.; Weng, F. Monitoring Asian Dust Storms from NOAA-20 CrIS Double CO2 Band Observations. Remote Sens. 2022, 14, 4659. [Google Scholar] [CrossRef]
  6. Han, X.; Zhang, H.; Sun, W. Spectral Anomaly Detection Based on Dictionary Learning for Sea Surfaces. IEEE Geosci. Remote Sens. Lett. 2022, 19, 1–5. [Google Scholar] [CrossRef]
  7. Wang, Z.; He, M.; Ye, Z.; Xu, K.; Nian, Y.; Huang, B. Reconstruction of Hyperspectral Images from Spectral Compressed Sensing Based on a Multitype Mixing Model. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2020, 13, 2304–2320. [Google Scholar] [CrossRef]
  8. Yu, C.; Han, R.; Song, M.; Liu, C.; Chang, C.-I. Feedback Attention-Based Dense CNN for Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2022, 60, 1–16. [Google Scholar] [CrossRef]
  9. Melgani, F.; Bruzzone, L. Classification of Hyperspectral Remote Sensing Images with Support Vector Machines. IEEE Trans. Geosci. Remote Sens. 2004, 42, 1778–1790. [Google Scholar] [CrossRef] [Green Version]
  10. Ma, L.; Crawford, M.M.; Tian, J. Local Manifold Learning-Based k-Nearest-Neighbor for Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2010, 48, 4099–4109. [Google Scholar] [CrossRef]
  11. Li, J.; Bioucas-Dias, J.M.; Plaza, A. Spectral–Spatial Hyperspectral Image Segmentation Using Subspace Multinomial Logistic Regression and Markov Random Fields. IEEE Trans. Geosci. Remote Sens. 2012, 50, 809–823. [Google Scholar] [CrossRef]
  12. Qian, Y.; Ye, M.; Zhou, J. Hyperspectral Image Classification Based on Structured Sparse Logistic Regression and Three-Dimensional Wavelet Texture Features. IEEE Trans. Geosci. Remote Sens. 2013, 51, 2276–2291. [Google Scholar] [CrossRef] [Green Version]
  13. Zhu, Z.; Jia, S.; He, S.; Sun, Y.; Ji, Z.; Shen, L. Three-Dimensional Gabor Feature Extraction for Hyperspectral Imagery Classification Using a Memetic Framework. Inf. Sci. 2015, 298, 274–287. [Google Scholar] [CrossRef]
  14. Dundar, T.; Ince, T. Sparse Representation-Based Hyperspectral Image Classification Using Multiscale Superpixels and Guided Filter. IEEE Geosci. Remote Sens. Lett. 2019, 16, 246–250. [Google Scholar] [CrossRef]
  15. Duan, P.; Kang, X.; Li, S.; Ghamisi, P.; Benediktsson, J.A. Fusion of Multiple Edge-Preserving Operations for Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2019, 57, 10336–10349. [Google Scholar] [CrossRef]
  16. Chen, Y.; Lin, Z.; Zhao, X.; Wang, G.; Gu, Y. Deep Learning-Based Classification of Hyperspectral Data. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2014, 7, 2094–2107. [Google Scholar] [CrossRef]
  17. Chen, Y.; Zhao, X.; Jia, X. Spectral–Spatial Classification of Hyperspectral Data Based on Deep Belief Network. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2015, 8, 2381–2392. [Google Scholar] [CrossRef]
  18. Mou, L.; Ghamisi, P.; Zhu, X.X. Deep Recurrent Neural Networks for Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2017, 55, 3639–3655. [Google Scholar] [CrossRef] [Green Version]
  19. Li, Y.; Zhang, H.; Shen, Q. Spectral–Spatial Classification of Hyperspectral Imagery with 3D Convolutional Neural Network. Remote Sens. 2017, 9, 67. [Google Scholar] [CrossRef] [Green Version]
  20. Hong, D.; Gao, L.; Yao, J.; Zhang, B.; Plaza, A.; Chanussot, J. Graph Convolutional Networks for Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2021, 59, 5966–5978. [Google Scholar] [CrossRef]
  21. Zhang, X.; Sun, G.; Jia, X.; Wu, L.; Zhang, A.; Ren, J.; Fu, H.; Yao, Y. Spectral–Spatial Self-Attention Networks for Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2022, 60, 1–15. [Google Scholar] [CrossRef]
  22. Zheng, J.; Feng, Y.; Bai, C.; Zhang, J. Hyperspectral Image Classification Using Mixed Convolutions and Covariance Pooling. IEEE Trans. Geosci. Remote Sens. 2021, 59, 522–534. [Google Scholar] [CrossRef]
  23. Wang, W.; Chen, Y.; He, X.; Li, Z. Soft Augmentation-Based Siamese CNN for Hyperspectral Image Classification with Limited Training Samples. IEEE Geosci. Remote Sens. Lett. 2022, 19, 1–5. [Google Scholar] [CrossRef]
  24. Wu, X.; Hong, D.; Chanussot, J. Convolutional Neural Networks for Multimodal Remote Sensing Data Classification. IEEE Trans. Geosci. Remote Sens. 2022, 60, 1–10. [Google Scholar] [CrossRef]
  25. Sultana, F.; Sufian, A.; Dutta, P. Evolution of Image Segmentation Using Deep Convolutional Neural Network: A Survey. Knowl. -Based Syst. 2020, 201–202, 106062. [Google Scholar] [CrossRef]
  26. Hu, W.; Huang, Y.; Wei, L.; Zhang, F.; Li, H. Deep Convolutional Neural Networks for Hyperspectral Image Classification. J. Sens. 2015, 2015, e258619. [Google Scholar] [CrossRef] [Green Version]
  27. Makantasis, K.; Karantzalos, K.; Doulamis, A.; Doulamis, N. Deep Supervised Learning for Hyperspectral Data Classification through Convolutional Neural Networks. In Proceedings of the 2015 IEEE International Geoscience and Remote Sensing Symposium (IGARSS), Milan, Italy, 26–31 July 2015; pp. 4959–4962. [Google Scholar]
  28. Fang, L.; Liu, Z.; Song, W. Deep Hashing Neural Networks for Hyperspectral Image Feature Extraction. IEEE Geosci. Remote Sens. Lett. 2019, 16, 1412–1416. [Google Scholar] [CrossRef]
  29. Li, W.; Wu, G.; Zhang, F.; Du, Q. Hyperspectral Image Classification Using Deep Pixel-Pair Features. IEEE Trans. Geosci. Remote Sens. 2017, 55, 844–853. [Google Scholar] [CrossRef]
  30. Chen, Y.; Jiang, H.; Li, C.; Jia, X.; Ghamisi, P. Deep Feature Extraction and Classification of Hyperspectral Images Based on Convolutional Neural Networks. IEEE Trans. Geosci. Remote Sens. 2016, 54, 6232–6251. [Google Scholar] [CrossRef] [Green Version]
  31. Zhong, Z.; Li, J.; Luo, Z.; Chapman, M. Spectral–Spatial Residual Network for Hyperspectral Image Classification: A 3-D Deep Learning Framework. IEEE Trans. Geosci. Remote Sens. 2018, 56, 847–858. [Google Scholar] [CrossRef]
  32. Wang, W.; Dou, S.; Jiang, Z.; Sun, L. A Fast Dense Spectral–Spatial Convolution Network Framework for Hyperspectral Images Classification. Remote Sens. 2018, 10, 1068. [Google Scholar] [CrossRef] [Green Version]
  33. Paoletti, M.E.; Haut, J.M.; Fernandez-Beltran, R.; Plaza, J.; Plaza, A.; Li, J.; Pla, F. Capsule Networks for Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2019, 57, 2145–2160. [Google Scholar] [CrossRef]
  34. Tinega, H.C.; Chen, E.; Ma, L.; Nyasaka, D.O.; Mariita, R.M. HybridGBN-SR: A Deep 3D/2D Genome Graph-Based Network for Hyperspectral Image Classification. Remote Sens. 2022, 14, 1332. [Google Scholar] [CrossRef]
  35. Roy, S.K.; Krishna, G.; Dubey, S.R.; Chaudhuri, B.B. HybridSN: Exploring 3-D–2-D CNN Feature Hierarchy for Hyperspectral Image Classification. IEEE Geosci. Remote Sens. Lett. 2020, 17, 277–281. [Google Scholar] [CrossRef] [Green Version]
  36. Zhu, M.; Jiao, L.; Liu, F.; Yang, S.; Wang, J. Residual Spectral–Spatial Attention Network for Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2021, 59, 449–462. [Google Scholar] [CrossRef]
  37. Wu, H.; Li, D.; Wang, Y.; Li, X.; Kong, F.; Wang, Q. Hyperspectral Image Classification Based on Two-Branch Spectral–Spatial-Feature Attention Network. Remote Sens. 2021, 13, 4262. [Google Scholar] [CrossRef]
  38. Hang, R.; Li, Z.; Liu, Q.; Ghamisi, P.; Bhattacharyya, S.S. Hyperspectral Image Classification with Attention-Aided CNNs. IEEE Trans. Geosci. Remote Sens. 2021, 59, 2281–2293. [Google Scholar] [CrossRef]
  39. Sun, H.; Zheng, X.; Lu, X.; Wu, S. Spectral–Spatial Attention Network for Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2020, 58, 3232–3245. [Google Scholar] [CrossRef]
  40. Dong, Z.; Cai, Y.; Cai, Z.; Liu, X.; Yang, Z.; Zhuge, M. Cooperative Spectral–Spatial Attention Dense Network for Hyperspectral Image Classification. IEEE Geosci. Remote Sens. Lett. 2021, 18, 866–870. [Google Scholar] [CrossRef]
  41. Xiang, J.; Wei, C.; Wang, M.; Teng, L. End-to-End Multilevel Hybrid Attention Framework for Hyperspectral Image Classification. IEEE Geosci. Remote Sens. Lett. 2022, 19, 1–5. [Google Scholar] [CrossRef]
  42. Ding, X.; Zhang, X.; Han, J.; Ding, G. Diverse Branch Block: Building a Convolution as an Inception-like Unit. In Proceedings of the 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Nashville, TN, USA, 20–25 June 2021; pp. 10881–10890. [Google Scholar]
  43. Ding, X.; Hao, T.; Tan, J.; Liu, J.; Han, J.; Guo, Y.; Ding, G. ResRep: Lossless CNN Pruning via Decoupling Remembering and Forgetting. In Proceedings of the 2021 IEEE/CVF International Conference on Computer Vision (ICCV), Montreal, QC, Canada, 10–17 October 2021; pp. 4490–4500. [Google Scholar]
  44. Ding, X.; Ding, G.; Zhou, X.; Guo, Y.; Han, J.; Liu, J. Global Sparse Momentum SGD for Pruning Very Deep Neural Networks. Adv. Neural Inf. Process. Syst. 2019, 32. [Google Scholar] [CrossRef]
  45. Licciardi, G.; Marpu, P.R.; Chanussot, J.; Benediktsson, J.A. Linear Versus Nonlinear PCA for the Classification of Hyperspectral Data Based on the Extended Morphological Profiles. IEEE Geosci. Remote Sens. Lett. 2012, 9, 447–451. [Google Scholar] [CrossRef] [Green Version]
  46. Villa, A.; Benediktsson, J.A.; Chanussot, J.; Jutten, C. Hyperspectral Image Classification with Independent Component Discriminant Analysis. IEEE Trans. Geosci. Remote Sens. 2011, 49, 4865–4876. [Google Scholar] [CrossRef] [Green Version]
  47. Bandos, T.V.; Bruzzone, L.; Camps-Valls, G. Classification of Hyperspectral Images with Regularized Linear Discriminant Analysis. IEEE Trans. Geosci. Remote Sens. 2009, 47, 862–873. [Google Scholar] [CrossRef]
  48. Ghaffari, M.; Omidikia, N.; Ruckebusch, C. Essential Spectral Pixels for Multivariate Curve Resolution of Chemical Images. Anal. Chem. 2019, 91, 10943–10948. [Google Scholar] [CrossRef] [Green Version]
  49. Sun, L.; Zhao, G.; Zheng, Y.; Wu, Z. Spectral–Spatial Feature Tokenization Transformer for Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2022, 60, 1–14. [Google Scholar] [CrossRef]
  50. Liu, J.; Zhang, K.; Wu, S.; Shi, H.; Zhao, Y.; Sun, Y.; Zhuang, H.; Fu, E. An Investigation of a Multidimensional CNN Combined with an Attention Mechanism Model to Resolve Small-Sample Problems in Hyperspectral Image Classification. Remote Sens. 2022, 14, 785. [Google Scholar] [CrossRef]
  51. Feng, Y.; Zheng, J.; Qin, M.; Bai, C.; Zhang, J. 3D Octave and 2D Vanilla Mixed Convolutional Neural Network for Hyperspectral Image Classification with Limited Samples. Remote Sens. 2021, 13, 4407. [Google Scholar] [CrossRef]
  52. Ding, X.; Guo, Y.; Ding, G.; Han, J. ACNet: Strengthening the Kernel Skeletons for Powerful CNN via Asymmetric Convolution Blocks. In Proceedings of the 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Republic of Korea, 27 October–2 November 2019; pp. 1911–1920. [Google Scholar]
  53. Ioffe, S.; Szegedy, C. Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift. In Proceedings of the 32nd International Conference on International Conference on Machine Learning, Lille, France, 6–11 July 2015; Volume 37, pp. 448–456. [Google Scholar]
Figure 1. The overall architecture of the proposed pruning multi-scale multi-branch hybrid convolutional network (PMSMBN) for hyperspectral image (HSI) classification: (a) training and test structure of pruning multi-scale multi-branch block (PMSMBB); (b) training and test structure of 3D-PMSMBB.
Figure 1. The overall architecture of the proposed pruning multi-scale multi-branch hybrid convolutional network (PMSMBN) for hyperspectral image (HSI) classification: (a) training and test structure of pruning multi-scale multi-branch block (PMSMBB); (b) training and test structure of 3D-PMSMBB.
Electronics 12 00674 g001
Figure 2. The conversion process of the multi-scale multi-branch block (MSMBB): (a) MSMBB; (b) structure of MSMBB after Transform1; (c) structure of MSMBB after Transform2.
Figure 2. The conversion process of the multi-scale multi-branch block (MSMBB): (a) MSMBB; (b) structure of MSMBB after Transform1; (c) structure of MSMBB after Transform2.
Electronics 12 00674 g002
Figure 3. The conversion process of the 3D-MBMSB: (a) 3D-MBMSB; (b) structure of 3D-MSMBB after Transform1; (c) structure of 3D-MSMBB after Transform2.
Figure 3. The conversion process of the 3D-MBMSB: (a) 3D-MBMSB; (b) structure of 3D-MSMBB after Transform1; (c) structure of 3D-MSMBB after Transform2.
Electronics 12 00674 g003
Figure 4. The 3D-PMSMBB pruning process.
Figure 4. The 3D-PMSMBB pruning process.
Electronics 12 00674 g004
Figure 5. Indian Pines dataset: (a) false-color map (band 29, 19, 9); (b) ground-truth map.
Figure 5. Indian Pines dataset: (a) false-color map (band 29, 19, 9); (b) ground-truth map.
Electronics 12 00674 g005
Figure 6. Pavia University dataset: (a) false-color map (band 21, 41, 61); (b) ground-truth map.
Figure 6. Pavia University dataset: (a) false-color map (band 21, 41, 61); (b) ground-truth map.
Electronics 12 00674 g006
Figure 7. Salinas dataset: (a) false-color map (band 41, 21, 21); (b) ground-truth map.
Figure 7. Salinas dataset: (a) false-color map (band 41, 21, 21); (b) ground-truth map.
Electronics 12 00674 g007
Figure 8. Classification maps of the different models for the Indian Pines dataset: (a) ground-truth image; (b) 2D-CNN; (c) 3D-CNN; (d) SSRN; (e) HybridSN; (f) SSAN; (g) DMCN; (h) proposed PMSMBN.
Figure 8. Classification maps of the different models for the Indian Pines dataset: (a) ground-truth image; (b) 2D-CNN; (c) 3D-CNN; (d) SSRN; (e) HybridSN; (f) SSAN; (g) DMCN; (h) proposed PMSMBN.
Electronics 12 00674 g008
Figure 9. Classification maps of the different models for the Pavia University dataset: (a) ground-truth image; (b) 2D-CNN; (c) 3D-CNN; (d) SSRN; (e) HybridSN; (f) SSAN; (g) DMCN; (h) proposed PMSMBN.
Figure 9. Classification maps of the different models for the Pavia University dataset: (a) ground-truth image; (b) 2D-CNN; (c) 3D-CNN; (d) SSRN; (e) HybridSN; (f) SSAN; (g) DMCN; (h) proposed PMSMBN.
Electronics 12 00674 g009
Figure 10. Classification maps of the different models for the Salinas dataset: (a) ground-truth image; (b) 2D-CNN; (c) 3D-CNN; (d) SSRN; (e) HybridSN; (f) SSAN; (g) DMCN; (h) proposed PMSMBN.
Figure 10. Classification maps of the different models for the Salinas dataset: (a) ground-truth image; (b) 2D-CNN; (c) 3D-CNN; (d) SSRN; (e) HybridSN; (f) SSAN; (g) DMCN; (h) proposed PMSMBN.
Electronics 12 00674 g010aElectronics 12 00674 g010b
Figure 11. Varying training percent for: (a) IP dataset; (b) PU dataset; (c) SA dataset.
Figure 11. Varying training percent for: (a) IP dataset; (b) PU dataset; (c) SA dataset.
Electronics 12 00674 g011
Figure 12. Ablation experiments of the proposed method on three datasets. (a) without 3D-MSMBBs or MSMBBs; (b) without a pruning part.
Figure 12. Ablation experiments of the proposed method on three datasets. (a) without 3D-MSMBBs or MSMBBs; (b) without a pruning part.
Electronics 12 00674 g012
Table 1. Classification results of each method for Indian Pines.
Table 1. Classification results of each method for Indian Pines.
Class2D-CNN [27]
(2015)
3D-CNN [30]
(2016)
SSRN [31]
(2018)
HybridSN [35]
(2020)
SSAN [39]
(2020)
DMCN [41]
(2022)
PMSMBN
150.0265.0873.6896.7767.7468.2989.36
273.7076.5183.2586.8884.4587.9595.04
375.0798.3988.4485.3092.0591.8195.76
498.1698.1177.4998.5991.8198.8898.46
589.8581.0197.3399.4897.8497.1495.37
687.6192.9586.5692.5893.6389.7893.11
799.2199.7399.6299.3699.8895.8399.96
890.9198.7396.5498.8999.5496.9399.89
956.0380.0072.2288.8976.1964.7199.89
1089.4997.2590.4889.5091.7589.9096.36
1178.4773.7793.7991.7592.4993.3296.78
1274.8467.2388.5082.4791.0990.6894.92
1398.5688.1298.3794.2996.7499.7699.86
1497.7796.4092.8991.3792.6798.7099.30
1597.7397.6687.8797.8278.2496.4796.06
1687.5071.3198.7273.8777.2797.5980.19
OA83.36 ± 1.6683.30 ± 1.6390.29 ± 0.5790.57 ± 0.3391.02 ± 0.2292.92 ± 0.5496.28 ± 0.46
AA84.31 ± 0.5386.82 ± 1.5589.13 ± 0.3691.78 ± 0.5789.00 ± 0.7591.12 ± 0.6195.67 ± 0.68
Kappa80.88 ± 1.6680.72 ± 1.4888.92 ± 0.1389.20 ± 0.5889.75 ± 0.9891.91 ± 0.4095.76 ± 0.44
Table 2. Classification results of each method for Pavia University.
Table 2. Classification results of each method for Pavia University.
Class2D-CNN [27]
(2015)
3D-CNN [30]
(2016)
SSRN [31]
(2018)
HybridSN [35]
(2020)
SSAN [39]
(2020)
DMCN [41]
(2022)
PMSMBN
176.6571.4794.5393.8284.7494.6396.09
294.9192.7294.9798.6097.9299.0899.44
389.8883.8088.6190.0890.2089.1194.75
487.8398.0998.7195.4395.3198.5298.04
599.3599.6699.3999.9299.8997.77100.00
698.4595.1698.6499.1998.1799.5299.31
789.0097.2489.2692.2895.1997.6892.51
867.6372.6378.7983.5488.4693.7492.20
916.3571.7396.6988.0596.4289.6895.98
OA84.01 ± 0.6687.31 ± 0.4493.62 ± 0.4695.59 ± 0.0394.26 ± 0.2597.18 ± 0.6797.67 ± 0.72
AA76.67 ± 0.5387.29 ± 0.3093.29 ± 02493.43 ± 0.4194.05 ± 0.4595.53 ± 0.2296.48 ± 0.85
Kappa78.67 ± 0.6882.80 ± 0.2991.44 ± 0.4494.13 ± 0.1692.34 ± 0.2396.25 ± 0.4996.90 ± 0.33
Table 3. Classification results of each method for Salinas.
Table 3. Classification results of each method for Salinas.
Class2D-CNN [27]
(2015)
3D-CNN [30]
(2016)
SSRN [31]
(2018)
HybridSN [35]
(2020)
SSAN [39]
(2020)
DMCN [41]
(2022)
PMSMBN
199.9599.96100.00100.00100.00100.00100.00
298.2398.9099.43100.0098.8499.92100.00
398.5997.54100.0099.8699.64100.00100.00
498.1589.8896.9377.9799.1799.85100.00
596.6198.8498.1199.9597.4199.8098.98
693.8099.5197.8299.7097.2199.84100.00
798.9499.5499.9299.6199.9499.9799.92
884.7592.7991.1599.4998.9395.7899.90
991.2599.8799.3299.8999.3799.93100.00
1099.4795.6698.5599.16100.0099.9499.91
1196.8089.3799.2797.0099.0699.90100.00
1299.6698.7199.8499.1499.57100.0098.85
1381.0375.2395.3198.0099.5397.8599.67
1487.2596.4188.3298.4484.1699.6199.62
1587.9099.9798.8398.8599.0299.2399.35
1699.6497.7699.72100.00100.00100.00100.00
OA92.41 ± 0.2295.70 ± 0.3497.09 ± 0.3398.19 ± 0.6098.38 ± 0.2898.98 ± 0.3599.78 ± 0.19
AA94.52 ± 0.8195.86 ± 0.7997.79 ± 0.5897.26 ± 0.4797.40 ± 0.3999.13 ± 0.6299.76 ± 0.13
Kappa91.54 ± 0.5396.33 ± 0.6396.76 ± 0.4797.98 ± 0.1698.19 ± 0.4498.88 ± 0.3999.76 ± 0.07
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Bai, Y.; Xu, M.; Zhang, L.; Liu, Y. Pruning Multi-Scale Multi-Branch Network for Small-Sample Hyperspectral Image Classification. Electronics 2023, 12, 674. https://doi.org/10.3390/electronics12030674

AMA Style

Bai Y, Xu M, Zhang L, Liu Y. Pruning Multi-Scale Multi-Branch Network for Small-Sample Hyperspectral Image Classification. Electronics. 2023; 12(3):674. https://doi.org/10.3390/electronics12030674

Chicago/Turabian Style

Bai, Yu, Meng Xu, Lili Zhang, and Yuxuan Liu. 2023. "Pruning Multi-Scale Multi-Branch Network for Small-Sample Hyperspectral Image Classification" Electronics 12, no. 3: 674. https://doi.org/10.3390/electronics12030674

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