Next Article in Journal
Multiscale Normalization Attention Network for Water Body Extraction from Remote Sensing Imagery
Next Article in Special Issue
The Influence of Image Degradation on Hyperspectral Image Classification
Previous Article in Journal
Features of the Extreme Fire Season of 2021 in Yakutia (Eastern Siberia) and Heavy Air Pollution Caused by Biomass Burning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A CNN Ensemble Based on a Spectral Feature Refining Module for Hyperspectral Image Classification

1
College of Computer Science, South-Central Minzu University, Wuhan 430074, China
2
School of Automation, Wuhan University of Technology, Wuhan 430070, China
3
Department of Information Engineering and Computer Science, University of Trento, 38123 Trento, Italy
*
Author to whom correspondence should be addressed.
Remote Sens. 2022, 14(19), 4982; https://doi.org/10.3390/rs14194982
Submission received: 31 August 2022 / Revised: 2 October 2022 / Accepted: 5 October 2022 / Published: 7 October 2022
(This article belongs to the Special Issue Advances in Hyperspectral Remote Sensing Image Processing)

Abstract

:
In the study of hyperspectral image classification based on machine learning theory and techniques, the problems related to the high dimensionality of the images and the scarcity of training samples are widely discussed as two main issues that limit the performance of the data-driven classifiers. These two issues are closely interrelated, but are usually addressed separately. In our study, we try to kill two birds with one stone by constructing an ensemble of lightweight base models embedded with spectral feature refining modules. The spectral feature refining module is a technique based on the mechanism of channel attention. This technique can not only perform dimensionality reduction, but also provide diversity within the ensemble. The proposed ensemble can provide state-of-the-art performance when the training samples are quite limited. Specifically, using only a total of 200 samples from each of the four popular benchmark data sets (Indian Pines, Salinas, Pavia University and Kennedy Space Center), we achieved overall accuracies of 89.34%, 95.75%, 93.58%, and 98.14%, respectively.

1. Introduction

Hyperspectral image classification is a widely studied subject among remote sensing applications which are heavily dependent on machine learning theory and the related techniques [1]. The long lasting research interest for hyperspectral image classification is mainly due to the extremely high spectral resolution of hyperspectral images (HSIs), which is a very unique characteristic compared to natural images and other kinds of optical remote sensing images. HSIs with high spectral resolutions can be used to measure informative and distinctive spectral signatures of the ground surface. Therefore, HSIs are valuable to various applications, including resource management, environment monitoring and disaster analysis [2]. However, the high dimensionality of HSIs also makes HSI classification a challenging task. One critical issue is the Hughes phenomenon [3], which is caused by the high dimensionality of HSIs and the scarcity of training samples. In practical HSI classification tasks, the amount of labeled pixels which are available as training samples, is generally quite limited. These training samples result in being very sparse in the original high dimensional spectral feature space. Accordingly, they are often insufficient to support the training process of a complex machine learning model. Therefore, dimensionality reduction operations are usually included in HSI classification practices. Band selection is the most direct way to reduce the dimensionality of HSIs [4]. The flaw of band selection techniques is obviously that, in order to reduce information redundancy, some useful information will also be discarded by simply removing most of the spectral bands in HSIs. A more sophisticated choice is to adopt projection-based dimensionality reduction methods. Dimensionality reduction based on linear projection techniques, such as principle component analysis (PCA), independent component analysis (ICA) and factor analysis (FA), has typically been a standard preprocessing in HSI classification tasks for a long time [5]. On the other hand, nonlinear dimensionality reduction methods, such as those based on graphs and manifolds [6,7], are becoming more and more popular.
In recent years, there is an obvious growing trend that convolutional neural networks (CNNs) and other deep learning models are more and more popular in HSI classification tasks [8,9,10]. In order to make the CNN models more compatible with the unique characteristics of HSIs, many novel designs and exquisite structures have been proposed. As a pioneer work, the contextual deep CNN (CDCNN) [11] use a multi-scale convolutional filter bank to achieve a joint exploitation of the spatial and the spectral information in HSIs. In the diverse region-based CNN (DR-CNN) [12], six different shaped neighbor regions of a target pixel are extracted to provide richer spatial features for classifying the pixel. Besides extracting features from multiple scales and diverse regions, multi-model combination is also a widely adopted strategy in many HSI classification approaches. The two-stream model proposed in [13] uses a stacked denoising autoencoder to encode pixel-wise spectral values and a deep CNN to extract spatial features. In the spectral-spatial unified network (SSUN) [14], the pixel-wise analysis is implemented by a long short term memory (LSTM) module in parallel with a typical CNN established for patch-wise analysis and spatial feature extraction. In the double-branch multi-attention mechanism network (DBMA) [15], a CNN equipped with a channel attention module and another CNN equipped with a spatial attention module are combined to implement parallel spectral–spatial feature extraction. The usage of other attention modules has also been reported, such as the efficient channel attention (ECA) module embedded in the attention-based adaptive spectral–spatial kernel improved residual network (A2S2K-ResNet) proposed in [16]. There are also some very fresh works based on pure attention models, such as the model named spectralFormer proposed in [17]. As for single-stream models, such as the spectral–spatial residual network (SSRN) [18] and the hybrid spectral CNN (HybridSN) [19], 3D convolutions are usually adopted to achieve the simultaneous extraction of both the spectral and the spatial features in HSIs. In our previous work [20], we also used 3D convolutions together with dilated convolutions to achieve state-of-the-art performance on benchmark datasets. As compared to the basic 2D CNNs, 3D CNNs are usually more complex and require a larger amount of training samples.
In order to support the training processes of large CNN models using only a limited number of labeled samples, preprocessing steps, such as data augmentation and data generation, are usually implemented [21]. In [22], a ‘virtual sample enhanced’ method is presented to improve the training of the proposed 3D CNN by creating virtual training samples based on the mixture of real samples. In [23], data augmentation techniques based on image rotation and image flipping are adopted to increase the number of training samples up to six times. In [24], the idea of adversarial training is introduced into HSI classification tasks, and a multi-class spatial–spectral generative adversarial network (MSGAN), which contains two generator components and one discriminator component, is proposed. During the adversarial training procedure of MSGAN, one generator imitates the original training samples and generates synthetic samples containing only spectral information; the other one generates synthetic samples containing spatial information. These synthetic samples are given to the discriminator to improve its ability to classify real HSI samples.
Besides data augmentation and data generation, ensemble learning has also been verified as an effective technique to address the contradiction between large models and small training sets. The band-adaptive spectral–spatial feature learning neural network (Bass Net) proposed in [25] is an early stage deep neural network ensemble for HSI classification, which is based on an equal partition of the HSI spectral channels. A state-of-the-art performance on benchmark data sets was achieved by Bass Net without involving any kind of data augmentation. As compared to the idea of spectral feature partitioning used in Bass Net, random feature selection (RFS) is a more convenient and widely adopted manner to construct CNN ensembles for HSI classification [4]. As reported in [26], individual CNN classifiers with very simple structures are defined based on randomly selected spectral features extracted from the original HSIs. The resulting ensemble can produce highly accurate classifications after a training process based on the use of only a small amount of training samples. This work was improved later in [27] by introducing transfer learning [28] and employing pre-trained ImageNet models [29] as the base classifiers. The inspiration here is quite straightforward, i.e., the ensemble can be improved by enhancing the base classifiers. In [30], a model augmentation technique is proposed to synthesize new deep networks based on the original one by injecting Gaussian noise into the model’s weights, and this technique notably boosts the ensembles’ generalization ability over the unseen test data. In [31], the random oversampling of training samples is performed to enhance the training processes of base classifiers and therefore can improve the performance of the ensemble. Following a similar strategy, semi-supervised learning [32] and self-supervised learning [33] have also been introduced into the training processes of classification ensembles for HSIs.
In our study, we focus on the idea of using ensemble learning to solve the problems caused by the scarcity of training samples and the high dimensionality of HSIs. Instead of the RFS process, we propose a trainable spectral feature refining module as a very effective and convenient technique to construct ensembles of improved CNN classifiers. This spectral feature refining module consists of a channel attention computation and a 1 × 1 convolution layer, and it can be embedded into the CNN classifiers to support an end-to-end processing procedure. Unlike the independent RFS process, the spectral feature refining module can be trained along with the other layers within the base CNN classifier. Therefore, an optimized lower dimensional feature subspace can be produced by the module to support better classifications. The diversity among base classifiers in the ensemble is guaranteed by the inherent randomness of the training processes of the modules and the CNN models. The end-to-end fashion for training the base classifiers makes the proposed strategy more convenient than the RFS-based ensembles.
The main contributions of our study are twofold:
  • We propose a trainable spectral feature refining module that is an effective dimensionality reduction technique for HSI classification. While the widely used projection-based dimensionality reduction techniques are usually implemented independently in the preprocessing stages of HSI classification tasks, the proposed spectral feature refining is more like an internal process of the classifier and can be optimized directly for improving the classification results.
  • A new ensemble learning strategy for HSI classification is established based on the proposed spectral feature refining module and the inherent randomness of CNN models. Using such a simple strategy, it is quite convenient to produce diversity among base classifiers. Without explicitly splitting the original spectral feature space, the base classifiers are automatically trained on different low dimensional spectral feature subspaces produced by the embedded spectral feature refining modules.
The rest of this paper is organized as follows. As the two pillars of our proposal, the idea of ensemble learning and the mechanism of channel attention operations are discussed in Section 2. In Section 3, we describe the proposed ensemble model from its core mechanism to the overall architecture. Experimental comparisons between our proposal and the state-of-the-art approaches are reported in Section 4, followed by the conclusion of our study in Section 5.

2. Related Works

2.1. CNN Ensembles for HSI Classification

The main idea of ensemble learning is that, instead of using a large classifier, highly accurate and reliable classifications can also be obtained by establishing an ensemble of smaller classifiers. Since smaller classifiers are easier to train, the ensemble will be less demanding on the required amount of training samples. As stated in some classic works about ensemble learning [34], the error diversity among the predictions produced by the base classifiers is the key factor affecting the overall performance of an ensemble. If all the base classifiers make the same prediction, the ensemble cannot bring any improvements to the classification accuracy. Therefore, diverse individual predictions are pursued when an ensemble is established. According to the strategies adopted to create diversity, we divide the major existing CNN ensembles for HSI classification into four categories. We illustrate the differences between these strategies in Figure 1, where we take ensembles containing three base classifiers as examples.
The aforementioned Bass Net [25] and TCNN ensemble [27] belong to the first two categories (labeled as 1 and 2 in Figure 1). Both ensembles use identical CNN models as base classifiers, and the diversity is obtained by constructing diverse training sets for different base classifiers. Since each new training set represents an unique subspace within the original feature space of HSIs, we denote this kind of diversity as feature-based diversity. The difference between these two categories relies on whether there is randomness in the feature subspace.
The other two categories (labeled as 3 and 4 in Figure 1) consist of ensembles directly established on different base models. We denote the corresponding strategy as model-based diversity. The aforementioned two-stream models, such as the one proposed in [13], can be considered simple ensembles following the strategy of category 3. In these ensembles, the two streams are the base models which are constructed with totally different deep network architectures. When the base models are CNNs, differences in architectures are not necessary for creating model-based diversity. The training processes of CNNs are based on random initialization and will converge to different states (especially) when the training samples are not abundant (the scarcity of training samples becomes an advantage here). It is therefore possible to train multiple CNNs with the same architecture using the same training set but still obtain different predictions for the same classification task. This very simple strategy was proved effective in models such as Hybra [35], which is an ensemble of multiple ResNets [36] and DenseNets [37].
Both the feature-based diversity and the model-based diversity have their own advantages. In ensembles using feature-based diversity, a dimensionality reduction procedure is implicitly included for each base classifier. Since the classifiers are established in some lower dimensional feature spaces, their structure can be smaller and their demands on training samples are also reduced. This is an implicit relief for the training sample scarcity problem. On the other hand, the advantage of the ensembles using model-based diversity is that no dedicated preprocessings are required.
It is not typical to see classic ensemble algorithms, such as bagging and boosting [38], being used in HSI classification tasks because these algorithms are based on a sub-sampling of the training samples, which obviously is not wise when the samples are already very scarce. Therefore, sampling-based ensembles are not included in our discussion.

2.2. Channel Attention

The attention mechanism is a much fresher technique compared to ensemble learning. It was introduced into vision-related research only a few years ago. However, because the attention mechanism is such an effective complement to the inefficiency of convolution operations to capture long range correlations, it has quickly become a preferred option for improving CNN models. There are two main types of attention mechanisms, which are known as spatial attention and channel attention. The attention mechanism has also been used in the study of HSI classification in recent years [39,40]. In some research, channel attention is also called spectral attention because different channels in a HSI represent different spectral features. However, the channel attention mechanism is usually not directly applied to the original spectral channels of HSIs, but is used to process intermediate stage feature maps in the data flow of CNN models.
The most classic channel attention mechanism is implemented in the squeeze-and-excitation (SE) block [41], which is illustrated in Figure 2. The SE block corresponds to an intermediate stage adaptive processing. The feature map X , generated by the previous convolutional layer, is re-calibrated by the SE block to improve the feature extraction process of the following convolutional layers. The re-calibration of the feature map is achieved by assigning different weights to each channel in X . These weights in the form of a vector are the output of a two-layer fully connected (FC) neural network, which takes the channel-wise global averages of X as inputs. Therefore, the channel attention vector is determined by X and the trainable parameters of the two-layer network. The effect of the feature re-calibration in the SE block is that the more important features in X are enhanced, whereas the less important ones are suppressed. The importance of the channels refers to whether they can contribute to the correct classifications of the model.
The feature re-calibration process in an SE block can be described by the following equations:
z c = 1 H × W i = 1 H j = 1 W X i , j , c
s = σ W 2 · δ W 1 · z
X i , j , c = s c × X i , j , c
where X , X R H × W × C are the original feature map and the re-calibrated one; H, W, and C represent their heights, widths and channel numbers; and z , s R C are the channel descriptors and the scale vector, respectively. W 1 R C × C and W 2 R C × C are the weight matrices in the two-layer FC network; σ and δ represent the nonlinear activation functions of sigmoid and ReLU [42].
In our study, we expand the usage of this channel attention mechanism from an intermediate stage processing to a preprocessing applied to the original HSIs. Moreover, we propose a spectral feature refining technique, which is based on this expansion of the channel attention mechanism.

3. Proposed Method

3.1. Channel Attention-Based Spectral Feature Refining

In our study, we use channel attention at the very front end of the model as a ‘soft’ spectral feature selection mechanism. The original spectral features corresponding to different HSI channels are weighted according to their impacts on the classification results. The channels assigned with large weights are considered the selected spectral features, whereas the unselected channels are suppressed by the small weights assigned to them. Since these suppressed feature channels cannot be discarded directly by this ‘soft’ feature selection mechanism, we use a small set of 1 × 1 convolution kernels to reduce the dimensions of the weighted HSIs. As illustrated in Figure 3, we obtain a spectral feature refining (SFR) module, which can be embedded into almost any CNN model for HSI classification. Although the dimensionality of HSIs can be reduced by barely using the 1 × 1 convolution layer, the channel attention operations in the module are still critical since they can improve the dimensionality reduction process. This is similar to the situations in which SE blocks are used to improve the feature extraction processes of convolution operations in many related research studies.
The ‘soft’ spectral feature selection process in the SFR module is mathematically the same as described in (1), (2) and (3), except that X represents the input HSI cube rather than an intermediate feature map. The dimensionality reduction process can be described as
X = CONCAT X K 1 , X K 2 , X K 3
where CONCAT denotes the concatenation operation. X R H × W × 3 is the output of the SFR module, which is a dimensionality reduced version of X with refined spectral channels.
Hereafter, we denote a CNN model equipped with the proposed SFR module as a spectral feature refining network (SFRN). An ordinary CNN model for HSI classification can be decomposed into two functional parts. The front part usually consists of several convolution layers with nonlinear activations and pooling operations. This part is in charge of semantic feature extraction. The rear part usually consists of some fully connected layers, including a softmax layer. This part is in charge of classification. The SFRN model proposed here contains three parts, namely the spectral feature refining part, the semantic feature extraction part and the classification part. Since the dimensionality of HSIs can be reduced by the spectral feature refining part, the dimensionality reduction operation for HSIs becomes an embedded component of the CNN model. The advantages of this embedded dimensionality reduction are as follows:
  • It is more convenient since the process of dimensionality reduction is no longer an extra preprocessing step previous to the feature extraction and classification processes.
  • Both the channel attention operation and the 1 × 1 convolution layer contain trainable parameters. Therefore, the spectral feature refining module can be optimized during the training stage of the SFRN model. This process not only reduces the dimensionality of HSIs, but also refines the spectral features for the classification task.
  • More importantly, as in a SFRN, the training processes of the spectral feature refining part, the semantic feature extraction part and the classification part are implemented simultaneously using the same objective function. Hence, all the parts are optimized to the same direction.

3.2. SFRN Ensemble

We follow a patch-based manner to construct multiple SFRN models for our HSI classification tasks. During the training processes of the models, the trainable parameters are initialized randomly. Therefore, SFRN models with the same structure can be trained into different classifiers. Based on this inherent randomness in the training processes of our SFRN models, we construct an ensemble model which is denoted as SFRN ensemble hereafter.
The training process and the prediction process of the SFRN ensemble are illustrated in Figure 4. The structure of the individual SFRN classifier is quite simple. Besides the channel attention block, three 1 × 1 convolution kernels are included in the SFR module to reduce the dimensionality of the HSIs to three. The SFR module is followed by two convolution layers, both of which contain 64 convolution kernels with a ReLU activation function [43]. The rest part of the SFRN model consists of two fully connected layers containing 64 and M neurons respectively, where M represents the number of classes defined by the classification task. Multiple SFRN models are established as the base classifiers to construct our ensemble. The prediction of each base classifier will be a vector with M elements, which represents the possibilities that the input belongs to the M classes. All the base classifiers are trained independently using the same set of training samples, then their individual predictions for an unknown input are averaged to make the final classification. To be specific, the output vectors of the base classifiers are averaged as a single possibility vector. The decision is made by choosing the class with the largest possibility. As compared to CNN ensembles based on feature selection techniques, such as RFS, the proposed SFRN ensemble is much more convenient, as no preprocessing steps are required.

3.3. Discussion

As discussed in Section 2.1, different strategies for creating CNN ensembles have their own advantages. The feature-based ensemble is less demanding on the complexity and the power of the base model, while the model-based ensemble is preprocessing free. The ensemble proposed in this paper has both of these advantages at the same time since it follows a hybrid strategy by training randomly initialized CNN models in randomly created feature subspaces. Additionally, the whole ensemble is itself an end-to-end model, which can be conveniently implemented in practical applications. The hybrid strategy adopted in the proposed SFRN ensemble is illustrated in Figure 5.
The main objective of the proposed approach is to take advantage of the rich spectral information provided by HSIs while alleviating the problems caused by the high dimensionality of HSIs. We also aim at promoting data-driven models for HSI classification when training samples are scarce. The SFRN ensemble is the comprehensive solution to meet all our research objectives. The spectral feature refining technique provides an optimized usage of the spectral features in HSIs, and the dimensionality reduction process is also implicitly included. Furthermore, both the ensemble framework and the dimensionality reduced feature space make it possible to obtain accurate classification results using only very simple CNN architectures with small amounts of labeled samples for training.

4. Experimental Results

4.1. Data Set Description and Experimental Setup

In our study, the performance of the proposed SFRN ensemble is evaluated on four classical HSI benchmark data sets, including the Indian Pines (IP) data set, the Salinas (SA) data set, the Pavia University (PU) data set and the Kennedy Space Center (KSC) data set [10]. Brief introductions about these data sets are as follows:
  • The IP image was captured in 1992 by the 224-band airborne visible/infrared imaging spectrometer (AVIRIS) [44] over the Indian Pines test site in Northwestern Indiana, USA. The image contains 145 × 145 pixels with a spatial resolution of 20 mpp. Here, 200 bands in the spectral range of 0.4–2.5 μm are selected out of the original image, then 10,249 pixels in the image are labeled and divided into 16 classes to form the data set.
  • The SA data set is another data set gathered by the AVIRIS sensor. The campaign was conducted in 1998 over the agricultural area of Salinas Valley, California. The image contains 512 × 217 pixels with a spatial resolution of 3.7 mpp. Here, 20 bands in the original image are discarded due to water absorption and noise. The data set contains 54,129 pixels belonging to 16 different classes.
  • The PU image was captured by the reflective optics system imaging spectrometer (ROSIS) [45] over the campus of the University of Pavia, in the north of Italy. The image contains 610 × 340 pixels with a spatial resolution of 1.3 mpp. After discarding the noisy bands, 103 out of the 115 original spectral bands, covering the spectral range from 0.43 to 0.86 μm, are kept to form the data set. It contains 42,776 pixels which can be categorized as nine different classes that belong to an urban environment with multiple solid structures, natural objects and shadows.
  • The KSC image was also captured by the AVIRIS sensor. The campaign was conducted in 1996 over the neighborhood of the Kennedy Space Center in Florida, USA. The image contains 512 × 614 pixels with a spatial resolution of 18 mpp. Only 176 spectral bands ranging from 0.4 to 2.5 μm are kept in the data set, which contains 5211 labeled pixels belonging to 13 different land cover classes.
Four sets of comparative experiments were conducted. The first experiment is a comparison between the SFR module and the PCA-based dimensionality reduction. This is to study the saturation phenomenon in the band selection process for HSI classification, and it is also to demonstrate the superiority of the SFR module as an optimized dimensionality reduction technique. In the second experiment, the SFRN ensemble is compared with some state-of-the-art (SOTA) HSI classification models. This experiment is to verify that the proposed ensemble is capable of improving the performance of very simple CNN models to the level of those of SOTA CNN models with very complex structures. In the third experiment, the SFRN ensemble is compared with other ensembles for HSI classification. This is to verify the effectiveness of the proposed convenient strategy to construct reliable ensembles which can make accurate predictions based on small amounts of training samples. Ablation analysis is also performed by comparing ensembles of SFRNs, CDRNs and basic CNNs. This is the fourth set of experiments conducted in our study. The overall accuracy (OA), the average accuracy (AA) and the kappa coefficient are the metrics involved in our experiments to evaluate the classification results of different models.
The experiments are conducted on an Intel Xeon E5 platform equipped with 64 GB memory and a Nvidia Geforce GTX 1080Ti graphic processing unit. The proposed SFRN ensemble is implemented based on the framework of Tensorflow. The source code is available on Github (https://github.com/modestyao/SFRN-ensemble, accessed on 7 October 2022). More details about the programming environment can be found on our source code page. In the first two sets of experiments, all the results are obtained in our own programs, while in the third experiment, the accuracy metrics of the existing ensembles are cited from the original paper. This is because we have no access to the source codes of these ensemble approaches and therefore cannot reproduce their experiments fairly.

4.2. Spectral Redundancy and Dimensionality Reduction

The purpose of the first experiment is to evaluate the SFR module as an effective dimensionality reduction technique for HSI classification. Four different dimensionality reduction processes, including the one based on the SFR module, are implemented and compared with each other in the experiment. The PCA-based approach is the most classic one which has been widely used and is still quite popular in recent researches. The FA-based approach is also very effective for reducing a large number of variables into fewer numbers of factors. The convolution-based dimensionality reduction (CDR) can be considered the prototype of the SFR module. As discussed in Section 3.1, the dimensionality of HSIs can be reduced by barely using a 1 × 1 convolution layer, and the channel attention operation in the SFR module can further improve the spectral features with reduced dimensions.
A very simple CNN model with only two convolution layers is employed as the objective model working on the spectral feature subspaces created by different dimensionality reduction approaches. The structure of this objective model is illustrated in Figure 6. The objective model is trained using 10% of the labeled samples in each of the four benchmark data sets, and the overall accuracies of its predictions are estimated on the remaining samples. Patches corresponding to the 9 × 9 neighborhood of the samples are cropped from the images after the dimensionality reduction operations. These patches are constructed as the inputs to the classification model. The number of epochs for training the model is set to 50. We use the Adam optimizer for the training processes, and the learning rate is set to 0.001. We repeat the experiments for five times and the means and standard deviations (STDs) of the OA values are illustrated in Figure 7. We denote the classification results achieved by the model on different spectral subspaces created by the four dimensionality reduction approaches as PCA, FA, CDR and SFR, respectively.
Since we are using a quite small model, most of the accuracy curves show a trend to saturate rapidly when the dimensions of the inputs increase. Both the PCA-based dimensionality reduction process and the FA-based dimensionality reduction process are implemented based on the internal structures of the data sets, while CDR and SFR are optimized for the classification tasks. Therefore, it is not surprising to see that the CNN model produces less accurate classification results on the feature spaces created by the the two projection-based approaches, especially when the dimensionality of the feature space is lower than five. When the dimensionality is higher than 10, the accuracies corresponding to the four different dimensionality reduction approaches are very close to each other on the data sets of SA and PU. On the IP data set, the advantages of the proposed SFR dimensionality reduction approach over the projection-based ones are more obvious, while the accuracy curves are also quite similar to each other when the dimensionality is higher than 30. The situation is quite different on the KSC data set. The PCA dimensionality reduction approach leads to very poor classification results even when the dimensionality is only reduced to 50. The FA curve looks better, but the accuracies are also quite low when the dimensionality is lower than 10. On the contrary, SFR and CDR lead to much better classification results. In particular, the accuracies corresponding to SFR are constantly higher than 95% when the dimensionality is higher than two. The reason for the poor performances of the PCA and the FA approaches is that the labeled samples only take a very small percentage among the pixels in the whole image. The projection-based approaches are optimized for the whole image, while CDR and SFR are optimized only for the labeled samples. CDR and SFR are more “task-oriented” and hence can support better classifications. In general, for any of the four data sets, the SFR module can help the CNN model to produce accurate classifications even when the spectral dimensionality of the data set is largely reduced. The improvements from CDR to SFR are also very obvious on all the data sets involved in our experiments.

4.3. Classification Performance

The second part of our experimental analysis is related to the comparisons between the proposed SFRN ensemble and the SOTA HSI classification approaches. In these comparisons, the implementation of the SFRN ensemble (SFRN-E) consists of 10 SFRNs as the base classifiers, and the structures of these SFRNs in the ensemble are exactly the same as illustrated in Figure 4, except for that they take 11 × 11 patches as inputs. SFRN-E is compared with five SOTA models, namely CDCNN [11], SSRN [18], DBMA [15], HybridSN [19] and SpectralNet [46]. In each of the 10 base SFRN classifier in our ensemble, we use the SFR module to reduce the dimensionality of the original HSIs to three. The randomness of the SFR-based dimensionality reduction process will guarantee the diversity of the obtained three-dimensional feature spaces. This means that we can obtain 30 different feature dimensions in the ensemble. For the other single-model approaches, we reduce the dimensionality of the HSIs to 30 before constructing our training samples. Therefore, both our ensemble and the SOTA models are trained on 30-dimensional feature spaces. This gives our comparative experiment a certain level of fairness. All the models are trained using a total of 200 samples in each of the four benchmark data sets. These samples are randomly selected from all the categories according to their proportions within each data set. The performance of the models is estimated on the remaining samples, as reported in Table 1, Table 2, Table 3 and Table 4. The amounts of samples in the training set and the test set are also reported. The per-class classification accuracies are measured using the F1-score; OA, AA and the kappa coefficients are reported to demonstrate the overall performance of different models.
SFRN-E outperforms all the compared approaches on the four data sets, in terms of overall accuracy. As regarding to class-wise accuracies, SFRN-E produced the best classification results on seven out of the 16 classes in the IP dataset, and this proportion is 12/13 for the dataset of KSC. All the class-wise accuracies achieved by SFRN-E are above 90%, on 15 out of the 16 classes in the SA dataset. This is a noticeably more stable and balanced performance as compared to the other models. On the PU dataset, SFRN-E also achieved the best class-wise results on three out of the nine classes. A very important advantage of SFRN-E is the consistency of its performance across different datasets. As a contrast, the performance of DBMA is quite close to SFRN-E on the datasets of SA and PU, but it drops a lot on the dataset of KSC. In general, the advantage of SFRN-E is more obvious on the IP and the KSC data sets, which contain fewer labeled samples as compared to the other two data sets. This can be considered as verification of the ability of SFRN to deal with the scarcity of training samples.
Visual comparisons are also included here, as illustrated in Figure 8, Figure 9, Figure 10 and Figure 11. Classification maps produced by different approaches are compared with the ground truths. In general, the classification maps produced by the SFRN ensemble show fewer mislabeled areas as compared to the maps produced by the other approaches.

4.4. Comparisons with Other Ensembles

The third experiment is to compare the proposed SFRN ensemble with other ensembles. The comparisons are partially based on the experimental results reported in [27]. As discussed in Section 1, ensemble learning is introduced into the tasks of HSI classification as an alternative to data augmentation techniques when the amount of labeled samples is not large enough to fully support the training of a complex CNN model. In our experiment, we select only 200 samples from each data set to train the SFRN ensemble and then we evaluate the ensemble using the remaining samples. As in the second experiment, we use 10 SFRNs as the base classifiers to construct our ensemble. The Adam optimizer is adopted, and the learning rate is uniformly set to 0.001 for the training processes of all the base classifiers. The numbers of training epochs are set to 50. For the sake of fair comparisons, we follow the settings in [27] by repeating the training and evaluation processes of our ensemble 10 times, and the averages and standard deviations of accuracies achieved on the test sets are recorded and compared with the recordings reported in [27]. As shown in Table 5, four ensembles are considered for comparisons, including an ensemble of support vector machine (SVM-E), a CNN ensemble (CNN-E), a CNN ensemble with transfer learning (TCNN-E) and a CNN ensemble with transfer learning and improved label smoothing (TCNN-E-ILS). As in Section 4.3, SFRN-E in Table 5 represents the implementation of the proposed SFRN ensemble. Inspired by the label smoothing process applied in [27], we also include label smoothing into the training processes of our base SFRN classifiers.
These ensembles are evaluated on three data sets, namely IP, PU and KSC. Since the SA data set is not included in the experiments reported in [27], we cannot compare the performance of SFRN-E with the other ensembles on this data set. The overall classification performances are reported in Table 5, in terms of OAs, AAs and kappa coefficients. SVM-E, CNN-E and TCNN-E are all established on the randomness of the random feature selection process. This preprocessing is abandoned in SFRN-E by converting it into an internal module of the base CNN classifier. SFRN outperforms SVM-E and CNN-E on all the three datasets. The overall performance results of SFRN-E and TCNN-E are close to each other on the data sets of IP and KSC, but SFRN-E is much more reliable on the data set of PU. Considering the fact that TCNN-E is an ensemble of pretrained CNNs, SFRN-E is much easier to construct. The experimental results confirm the effectiveness of this more convenient strategy adopted in our study to construct CNN ensembles.
Another interesting phenomenon that can be observed in the experimental results is that the performance of the ensemble is largely correlated with the base classifiers. Since the ability of CNN models to extract spatial features from images is much stronger than that of SVMs, all the CNN ensembles outperform SVM-E. Furthermore, the ensemble of CNN can be improved when the individual CNN models are enhanced. This kind of improvement can be achieved by adopting techniques, such as transfer learning and label smoothing, as shown by the comparison between CNN-E, TCNN-E and TCNN-E trained with label smoothing. The SFR module proposed in our study can also be considered as a very effective technique to improve the individual CNN models in the ensemble. On the IP and KSC data sets, the performance improvements brought by the SFR module are roughly equivalent to transfer learning, while on the PU data set, the SFR is obviously a much more effective boosting technique. Meanwhile, when the SFR module is used together with label smoothing, the performance of the ensemble will be further improved.
The total numbers of the parameters in different models, including the proposed SFRN ensemble, TCNN-E, HybridSN and the others involved in our study, are reported in Table 6. The size of the proposed SFRN ensemble is much smaller than TCNN-E, and it is even smaller than HybridSN. This indicates the advantage of the proposed ensemble as a low complexity model which can provide comparable or even better classification results as compared to those very complex models. It should be pointed out that these parameter numbers only correspond to the models established for the KSC dataset. For the other datasets with different class numbers, the sizes of these models will also be different, but the order of size will remain consistent.

4.5. Ablation Analysis

The ablation study is conducted by modifying and removing the SFR modules from the SFRNs in the proposed ensemble. Specifically, four ensembles composed of different types of base classifiers are constructed and compared with each other. There are 10 base classifiers in each of these ensembles, and the differences between the structures of their base classifiers are illustrated in Figure 12. In the figure, “CNN” denotes the very simple CNN structure as explained in Section 4.2. When we replace the SFR module in SFRN with a CDR module, we obtain the CDR network (CDRN) as our base classifier. The proposed SFR module is based on the SE block, and in the original study, SE blocks are used in the middle part of CNNs. Therefore, we remove the SFR module from the top of SFRN and insert it between the two convolutional layers in the network. We denote this variant of the base classifier in our ensemble as “SENet”. The SFRN ensemble and its variants are compared on the data sets of IP, SA, PU and KSC. A total of 200 samples out of each dataset are selected for training the base classifiers in different ensembles. We still use the Adam optimizer and the learning rate is still 0.001 during all the training processes. Each training process still consists of 50 epochs.
As reported in Table 7, the improvements from the “CNN” ensemble to the CDRN ensemble and then to the SFRN ensemble are quite obvious. A performance increase of at least five percent in terms of OA can be observed when comparing the “CNN” ensemble with the SFRN ensemble. This demonstrates the effectiveness of the SFR module as a task-oriented dimensionality reduction technique. The comparison between the CDRN ensemble and the SFRN ensemble reveals the necessity to include the spectral attention based soft feature selection operation in our dimensionality reduction approach. The results produced by the “SENet” ensemble are comparable to the SFRN ensemble, but the overall advantages of SFRN ensemble are still notable.

5. Conclusions

This paper presents ensemble learning for HSI classification as an alternative solution to the training sample scarcity problem. As a common phenomenon in machine learning researches, the training processes of simpler models are less demanding on the amounts of required training samples, while ensemble learning is an effective technique to promote the performance of simple models. Therefore, when the training samples are not sufficient to support the training process of a complex CNN model, ensembles of simpler models can be exploited. Following such an idea, we propose a quite convenient approach to construct a very effective CNN ensemble for HSI classification, based on a novel spectral feature refining module and the inherent randomness in the initialization of CNNs.
Besides the proposed approach for HSI classification, a very important theoretical contribution in our study is the combination between a solution to the training sample scarcity problem and a solution to the problems caused by the high dimensionality of HSIs. An implicit dimensionality reduction is included in the spectral feature refining module, which is the base for the ensemble. Experimental results demonstrate that the proposed ensemble is a reliable choice for HSI classification tasks when training samples are scarce, and the proposed module is also an effective technique for dimensionality reduction.
As the base classifier in the proposed ensemble, SFRN is a model featured by its very simple structure. However, the SFRN ensemble as a whole is still a rather big model. As compared to single-model approaches, the training process for any type of classification ensemble can be more time consuming, especially when the ensemble contains a large amount of base classifiers. We suppose that this is probably the main reason why ensemble learning is less popular for small dataset problems, such as HSI classification. Therefore, improving the efficiency of the classification model will be the main goal in our future study. In fact, we have already started to research knowledge distillation techniques for HSI classification tasks.

Author Contributions

Conceptualization, W.Y. and C.L.; methodology, W.Y.; software, W.Y.; writing—original draft preparation, W.Y and C.L.; writing—review and editing, L.B.; supervision, L.B.; project administration, C.L.; funding acquisition, W.Y. and C.L. All authors have read and agreed to the published version of the manuscript.

Funding

The work is jointly supported by the Natural Science Foundation of China under Grants 61976226 and 61876219, the State Scholarship Fund of China under Grant 201908420071. All the support is appreciated.

Data Availability Statement

The Indiana Pines, Salinas Valley, University of Pavia, and Kennedy Space Center datasets are available online at http://www.ehu.eus/ccwintco/index.php?title=Hyperspectral_Remote_Sensing_Scenes (accessed on 16 February 2022).

Acknowledgments

The authors would like to thank the peer researchers who made their source codes and datasets available to the whole community. The authors would also like to thank the editors and referees for their suggestions that improved the manuscript.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
CDRConvolution-based dimensionality reduction
SFRSpectral feature refining, which is a module for dimensionality reduction
SFRNSpectral feature refining network, a CNN equipped with a SFR module
SFRN-ESpectral feature refining network ensemble, an ensemble of multiple SFRNs

References

  1. Camps-Valls, G.; Tuia, D.; Bruzzone, L.; Benediktsson, J.A. Advances in Hyperspectral Image Classification: Earth Monitoring with Statistical Learning Methods. IEEE Signal Process. Mag. 2014, 31, 45–54. [Google Scholar] [CrossRef] [Green Version]
  2. Tong, Q.; Xue, Y.; Zhang, L. Progress in Hyperspectral Remote Sensing Science and Technology in China Over the Past Three Decades. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2014, 7, 70–91. [Google Scholar] [CrossRef]
  3. Hughes, G. On the mean accuracy of statistical pattern recognizers. IEEE Trans. Inf. Theory 1968, 14, 55–63. [Google Scholar] [CrossRef] [Green Version]
  4. Xia, J.; Liao, W.; Chanussot, J.; Du, P.; Song, G.; Philips, W. Improving random forest with ensemble of features and semisupervised feature extraction. IEEE Geosci. Remote Sens. Lett. 2015, 12, 1471–1475. [Google Scholar] [CrossRef]
  5. Falco, N.; Benediktsson, J.A.; Bruzzone, L. Spectral and spatial classification of hyperspectral images based on ICA and reduced morphological attribute profiles. IEEE Trans. Geosci. Remote Sens. 2015, 53, 6223–6240. [Google Scholar] [CrossRef] [Green Version]
  6. Shi, G.; Huang, H.; Liu, J.; Li, Z.; Wang, L. Spatial-spectral multiple manifold discriminant analysis for dimensionality reduction of hyperspectral imagery. Remote Sens. 2019, 11, 2414. [Google Scholar] [CrossRef] [Green Version]
  7. Shah, C.; Du, Q. Spatial-Aware Collaboration-Competition Preserving Graph Embedding for Hyperspectral Image Classification. IEEE Geosci. Remote Sens. Lett. 2022, 19, 1–5. [Google Scholar] [CrossRef]
  8. Paoletti, M.E.; Haut, J.M.; Plaza, J.; Plaza, A. Deep learning classifiers for hyperspectral imaging: A review. ISPRS J. Photogramm. Remote Sens. 2019, 158, 279–317. [Google Scholar] [CrossRef]
  9. Li, S.; Song, W.; Fang, L.; Chen, Y.; Ghamisi, P.; Benediktsson, J.A. Deep learning for hyperspectral image classification: An overview. IEEE Trans. Geosci. Remote Sens. 2019, 57, 1–20. [Google Scholar] [CrossRef] [Green Version]
  10. Audebert, N.; Le Saux, B.; Lefèvre, S. Deep learning for classification of hyperspectral data: A comparative review. IEEE Geosci. Remote Sens. Mag. 2019, 17, 159–173. [Google Scholar] [CrossRef]
  11. Lee, H.; Kwon, H. Going deeper with contextual CNN for hyperspectral image classification. IEEE Trans. Image Process. 2017, 26, 4843–4855. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  12. Zhang, M.; Li, W.; Du, Q. Diverse region-based CNN for hyperspectral image classification. IEEE Trans. Image Process. 2018, 27, 2623–2634. [Google Scholar] [CrossRef] [PubMed]
  13. Hao, S.; Wang, W.; Ye, Y.; Nie, T.; Bruzzone, L. Two-stream deep architecture for hyperspectral image classification. IEEE Trans. Geosci. Remote Sens. 2018, 56, 2349–2361. [Google Scholar] [CrossRef]
  14. Xu, Y.; Zhang, L.; Du, B.; Zhang, F. Spectral-spatial unified networks for hyperspectral image classification. IEEE Trans. Geosci. Remote Sens. 2018, 56, 5893–5909. [Google Scholar] [CrossRef]
  15. Ma, W.; Yang, Q.; Wu, Y.; Zhao, W.; Zhang, X. Double-branch multi-attention mechanism network for hyperspectral image classification. Remote Sens. 2019, 11, 1307. [Google Scholar] [CrossRef] [Green Version]
  16. Roy, S.K.; Manna, S.; Song, T.; Bruzzone, L. Attention-based adaptive spectral-spatial kernel ResNet for hyperspectral image classification. IEEE Trans. Geosci. Remote Sens. 2020, 59, 1–13. [Google Scholar] [CrossRef]
  17. Hong, D.; Han, Z.; Yao, J.; Gao, L.; Zhang, B.; Plaza, A.; Chanussot, J. SpectralFormer: Rethinking Hyperspectral Image Classification with Transformers. IEEE Trans. Geosci. Remote Sens. 2022, 60, 1–5. [Google Scholar] [CrossRef]
  18. Zhong, Z.; Li, J.; Luo, Z.; Chapman, M. Spectral-spatial residual network for hyperspectral image classification: A 3D deep learning framework. IEEE Trans. Geosci. Remote Sens. 2018, 56, 847–858. [Google Scholar] [CrossRef]
  19. Roy, S.K.; Krishna, G.; Dubey, S.R.; Chaudhuri, B.B. HybridSN: Exploring 3D-2D CNN feature hierarchy for hyperspectral image classification. IEEE Geosci. Remote Sens. Lett. 2019, 17, 1–5. [Google Scholar] [CrossRef] [Green Version]
  20. Xu, H.; Yao, W.; Cheng, L.; Li, B. Multiple spectral resolution 3D convolutional neural network for hyperspectral image classification. Remote Sens. 2021, 13, 1248. [Google Scholar] [CrossRef]
  21. Chang, Y.L.; Tan, T.H.; Lee, W.H.; Chang, L.; Chen, Y.N.; Fan, K.C.; Alkhaleefah, M. Consolidated Convolutional Neural Network for Hyperspectral Image Classification. Remote Sens. 2022, 14, 1571. [Google Scholar] [CrossRef]
  22. 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]
  23. Zhang, Y.; Huynh, C.P.; Ngan, K.N. Feature fusion with predictive weighting for spectral image classification and segmentation. IEEE Trans. Geosci. Remote Sens. 2019, 57, 1–16. [Google Scholar] [CrossRef]
  24. Feng, J.; Yu, H.; Wang, L.; Cao, X.; Zhang, X.; Jiao, L. Classification of hyperspectral images based on multiclass spatial-spectral generative adversarial networks. IEEE Trans. Geosci. Remote Sens. 2019, 57, 5329–5343. [Google Scholar] [CrossRef]
  25. Santara, A.; Mani, K.; Hatwar, P.; Singh, A.; Garg, A.; Padia, K.; Mitra, P. Bass net: Band-adaptive spectral-spatial feature learning neural network for hyperspectral image classification. IEEE Trans. Geosci. Remote Sens. 2017, 55, 5293–5301. [Google Scholar] [CrossRef] [Green Version]
  26. Chen, Y.; Wang, Y.; Gu, Y.; He, X.; Ghamisi, P.; Jia, X. Deep learning ensemble for hyperspectral image classification. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2019, 12, 1882–1897. [Google Scholar] [CrossRef]
  27. He, X.; Chen, Y. Transferring CNN ensemble for hyperspectral image classification. IEEE Geosci. Remote Sens. Lett. 2021, 18, 1–5. [Google Scholar] [CrossRef]
  28. Pan, S.J.; Yang, Q. A Survey on Transfer Learning. IEEE Trans. Knowl. Data Eng. 2010, 22, 1345–1359. [Google Scholar] [CrossRef]
  29. Russakovsky, O.; Deng, J.; Su, H.; Krause, J.; Satheesh, S.; Ma, S.; Huang, Z.; Karpathy, A.; Khosla, A.; Bernstein, M.; et al. ImageNet Large Scale Visual Recognition Challenge. Int. J. Comput. Vis. 2015, 115, 211–252. [Google Scholar] [CrossRef] [Green Version]
  30. Nalepa, J.; Myller, M.; Tulczyjew, L.; Kawulok, M. Deep Ensembles for Hyperspectral Image Data Classification and Unmixing. Remote Sens. 2021, 13, 4133. [Google Scholar] [CrossRef]
  31. Lv, Q.; Feng, W.; Quan, Y.; Dauphin, G.; Gao, L.; Xing, M. Enhanced-Random-Feature-Subspace-Based Ensemble CNN for the Imbalanced Hyperspectral Image Classification. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2021, 14, 3988–3999. [Google Scholar] [CrossRef]
  32. Manian, V.; Alfaro-Mejía, E.; Tokars, R.P. Hyperspectral Image Labeling and Classification Using an Ensemble Semi-Supervised Machine Learning Approach. Sensors 2022, 22, 1623. [Google Scholar] [CrossRef] [PubMed]
  33. Liu, B.; Gao, K.; Yu, A.; Ding, L.; Qiu, C.; Li, J. ES2FL: Ensemble Self-Supervised Feature Learning for Small Sample Classification of Hyperspectral Images. Remote Sens. 2022, 14, 4236. [Google Scholar] [CrossRef]
  34. Brown, G.; Wyatt, J.; Harris, R.; Yao, X. Diversity creation methods: A survey and categorisation. Inf. Fusion 2005, 6, 5–20. [Google Scholar] [CrossRef]
  35. Minetto, R.; Segundo, M.P.; Sarkar, S. Hydra: An ensemble of convolutional neural networks for geospatial land classification. IEEE Trans. Geosci. Remote Sens. 2019, 57, 1–12. [Google Scholar] [CrossRef] [Green Version]
  36. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016. [Google Scholar]
  37. Huang, G.; Liu, Z.; van der Maaten, L.; Weinberger, K.Q. Densely connected convolutional networks. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 4700–4708. [Google Scholar]
  38. Zhou, Z.; Wu, J.; Tang, W. Ensembling neural networks: Many could be better than all. Artif. Intell. 2002, 137, 239–263. [Google Scholar] [CrossRef] [Green Version]
  39. Mei, X.; Pan, E.; Ma, Y.; Dai, X.; Huang, J.; Fan, F.; Du, Q.; Zheng, H.; Ma, J. Spectral-spatial attention networks for hyperspectral image classification. Remote Sens. 2019, 11, 963. [Google Scholar] [CrossRef] [Green Version]
  40. 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]
  41. Hu, J.; Shen, L.; Sun, G. Squeeze and excitation networks. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Salt Lake City, UT, USA, 18–23 June 2018. [Google Scholar]
  42. Nair, V.; Hinton, G.E. Rectified linear units improve restricted boltzmann machines. In Proceedings of the International Conference on Machine Learning (ICML), Haifa, Israel, 21–24 June 2010; pp. 807–814. [Google Scholar] [CrossRef]
  43. Glorot, X.; Bordes, A.; Bengio, Y. Deep sparse rectifier neural networks. In Proceedings of the 14th International Conference on Artificial Intelligence and Statistics (AISTATS), Fort Lauderdale, FL, USA, 11–13 April 2011; pp. 315–323. [Google Scholar]
  44. Green, R.O.; Eastwood, M.L.; Sarture, C.M.; Chrien, T.G.; Aronsson, M.; Chippendale, B.J.; Faust, J.A.; Pavri, B.E.; Chovit, C.J.; Solis, M.; et al. Imaging Spectroscopy and the Airborne Visible/Infrared Imaging Spectrometer (AVIRIS). Remote Sens. Environ. 1998, 65, 227–248. [Google Scholar] [CrossRef]
  45. Kunkel, B.; Blechinger, F.; Lutz, R.; Doerffer, R.; van der Piepen, H.; Schroder, M. ROSIS (Reflective Optics System Imaging Spectrometer)—A candidate instrument for polar platform missions. In Proceedings of the Optoelectronic Technologies for Remote Sensing from Space, Cannes, France, 17–20 November 1987; Bowyer, C.S., Seeley, J.S., Eds.; International Society for Optics and Photonics, SPIE: Bellingham, WA, USA, 1988; Volume 0868, pp. 134–141. [Google Scholar] [CrossRef]
  46. Chakraborty, T.; Trehan, U. SpectralNET: Exploring Spatial-Spectral WaveletCNN for Hyperspectral Image Classification. arXiv 2021, arXiv:2104.00341. [Google Scholar]
Figure 1. Four strategies (1, 2, 3, 4) for creating diversity within an ensemble of HSI classifiers. The rectangles represent different data sets, while the rounded rectangles represent the base classifiers. B1, B2 and B3 represent data sets corresponding to three contiguous sub-bands of the original HSI spectrum. S1, S2 and S3 represent data sets in three randomly selected spectral feature subspaces. A1, A2 and A3 are three different architectures for creating diversity in models, while I1, I2 and I3 represent three different initial states of the models created by the random initialization processes. Accordingly, an ensemble of three different models, denoted as M1, M2 and M3, can be created either with different architectures or with different initial states.
Figure 1. Four strategies (1, 2, 3, 4) for creating diversity within an ensemble of HSI classifiers. The rectangles represent different data sets, while the rounded rectangles represent the base classifiers. B1, B2 and B3 represent data sets corresponding to three contiguous sub-bands of the original HSI spectrum. S1, S2 and S3 represent data sets in three randomly selected spectral feature subspaces. A1, A2 and A3 are three different architectures for creating diversity in models, while I1, I2 and I3 represent three different initial states of the models created by the random initialization processes. Accordingly, an ensemble of three different models, denoted as M1, M2 and M3, can be created either with different architectures or with different initial states.
Remotesensing 14 04982 g001
Figure 2. Implementation of the channel attention mechanism in a squeeze-and-excitation block.
Figure 2. Implementation of the channel attention mechanism in a squeeze-and-excitation block.
Remotesensing 14 04982 g002
Figure 3. Data flow of the proposed spectral feature refining (SFR) module. GAP is short for global average pooling. W 1 and W 2 denote the parameters of the two fully connected layers. K 1 , K 2 and K 3 denotes three 1 × 1 convolution kernels.
Figure 3. Data flow of the proposed spectral feature refining (SFR) module. GAP is short for global average pooling. W 1 and W 2 denote the parameters of the two fully connected layers. K 1 , K 2 and K 3 denotes three 1 × 1 convolution kernels.
Remotesensing 14 04982 g003
Figure 4. Data flow of the SFRN ensemble. Multiple identical base SFRN classifiers are trained in parallel, and the ensemble prediction for an unknown input is a simple average of the predictions produced by the base classifiers.
Figure 4. Data flow of the SFRN ensemble. Multiple identical base SFRN classifiers are trained in parallel, and the ensemble prediction for an unknown input is a simple average of the predictions produced by the base classifiers.
Remotesensing 14 04982 g004
Figure 5. Hybrid strategy adopted in the proposed SFRN ensemble.
Figure 5. Hybrid strategy adopted in the proposed SFRN ensemble.
Remotesensing 14 04982 g005
Figure 6. Structure of the objective CNN model. The major parts of this network include two convolutional layers and two fully connected layers. Two sets of 64 3 × 3 convolution filters are used in the two convolutional layers.
Figure 6. Structure of the objective CNN model. The major parts of this network include two convolutional layers and two fully connected layers. Two sets of 64 3 × 3 convolution filters are used in the two convolutional layers.
Remotesensing 14 04982 g006
Figure 7. Classification results obtained by the objective CNN model on different spectral feature subspaces created by four dimensionality reduction approaches, respectively. The model is trained using 10% of the samples in each of the four data sets. (a) IP, (b) SA, (c) PU, (d) KSC.
Figure 7. Classification results obtained by the objective CNN model on different spectral feature subspaces created by four dimensionality reduction approaches, respectively. The model is trained using 10% of the samples in each of the four data sets. (a) IP, (b) SA, (c) PU, (d) KSC.
Remotesensing 14 04982 g007
Figure 8. Visual assessments of the classification maps produced by different approaches on the IP data set. Some local details are highlighted to demonstrate the differences in the classification results. (a) False color image; (b) Ground truth; (c) CDCNN; (d) SSRN; (e) DBMA; (f) HybridSN; (g) SpectralNet; (h) SFRN-E; (i) Legends.
Figure 8. Visual assessments of the classification maps produced by different approaches on the IP data set. Some local details are highlighted to demonstrate the differences in the classification results. (a) False color image; (b) Ground truth; (c) CDCNN; (d) SSRN; (e) DBMA; (f) HybridSN; (g) SpectralNet; (h) SFRN-E; (i) Legends.
Remotesensing 14 04982 g008
Figure 9. Visual assessments of the classification maps produced by different approaches on the SA data set. (a) False color image; (b) Ground truth; (c) CDCNN; (d) SSRN; (e) DBMA; (f) HybridSN; (g) SpectralNet; (h) SFRN-E; (i) Legends.
Figure 9. Visual assessments of the classification maps produced by different approaches on the SA data set. (a) False color image; (b) Ground truth; (c) CDCNN; (d) SSRN; (e) DBMA; (f) HybridSN; (g) SpectralNet; (h) SFRN-E; (i) Legends.
Remotesensing 14 04982 g009
Figure 10. Visual assessments of the classification maps produced by different approaches on the PU data set. Some local details are highlighted to demonstrate the differences in the classification results. (a) False color image; (b) Ground truth; (c) CDCNN; (d) SSRN; (e) DBMA; (f) HybridSN; (g) SpectralNet; (h) SFRN-E; (i) Legends.
Figure 10. Visual assessments of the classification maps produced by different approaches on the PU data set. Some local details are highlighted to demonstrate the differences in the classification results. (a) False color image; (b) Ground truth; (c) CDCNN; (d) SSRN; (e) DBMA; (f) HybridSN; (g) SpectralNet; (h) SFRN-E; (i) Legends.
Remotesensing 14 04982 g010
Figure 11. Visual assessments of the classification maps produced by different approaches on the KSC data set. Some local details are highlighted to demonstrate the differences in the classification results. (a) False color image; (b) Ground truth; (c) CDCNN; (d) SSRN; (e) DBMA; (f) HybridSN; (g) SpectralNet; (h) SFRN-E; (i) Legends.
Figure 11. Visual assessments of the classification maps produced by different approaches on the KSC data set. Some local details are highlighted to demonstrate the differences in the classification results. (a) False color image; (b) Ground truth; (c) CDCNN; (d) SSRN; (e) DBMA; (f) HybridSN; (g) SpectralNet; (h) SFRN-E; (i) Legends.
Remotesensing 14 04982 g011
Figure 12. Different types of base classifiers to construct the ensemble.
Figure 12. Different types of base classifiers to construct the ensemble.
Remotesensing 14 04982 g012
Table 1. Classification accuracies on the test set obtained by different approaches on the IP dataset (200 samples are used for training and the rest for test). Best results are pointed out in bold.
Table 1. Classification accuracies on the test set obtained by different approaches on the IP dataset (200 samples are used for training and the rest for test). Best results are pointed out in bold.
LabelClass NameTraining/TestCDCNNSSRNDBMAHybridSNSpectralNetSFRN-E
1Alfalfa2/4442.7246.1568.2488.6156.8282.67
2Corn-notill25/140358.8271.8373.5866.9265.7289.06
3Corn-mintill13/81746.1577.4370.4456.6069.2565.19
4Corn3/23429.5925.1952.7038.6225.7464.76
5Grass-pasture7/47689.1580.8780.9275.8364.3984.67
6Grass-trees12/71894.2594.1588.6893.9981.4687.88
7Grass-pasture-mowed1/279.760.0025.0066.6746.6775.00
8Hay-windrowed14/46494.1497.7196.3075.5199.4697.83
9Oats1/1912.240.000.0058.1825.0027.50
10Soybean-notill25/94768.7478.0480.2975.1974.9087.67
11Soybean-mintill48/240775.7585.0886.7686.0079.0594.62
12Soybean-clean11/58244.8952.6171.0853.7560.0675.74
13Wheat4/20182.0686.4485.0981.8296.6896.16
14Woods28/123792.4991.3694.7796.1490.8197.37
15Buildings-Grass-Trees-Drives5/38166.6724.3553.9954.7751.5052.69
16Stone-Steel-Towers1/9270.2755.9317.8242.1135.7762.94
OA(%) 72.03 ± 1.2978.48 ± 0.9680.86 ± 1.8077.07 ± 2.5175.07 ± 2.0386.39 ± 0.92
AA(%) 62.88 ± 1.7157.42 ± 2.9864.70 ± 2.7470.30 ± 3.6661.07 ± 3.2475.87 ± 2.60
Kappa × 100 68.03 ± 1.4975.30 ± 1.1278.10 ± 2.0673.83 ± 2.8471.05 ± 2.3184.44 ± 1.03
Table 2. Classification accuracies on the test set obtained by different approaches on the SA dataset (200 samples are used for training and the rest for test). Best results are pointed out in bold.
Table 2. Classification accuracies on the test set obtained by different approaches on the SA dataset (200 samples are used for training and the rest for test). Best results are pointed out in bold.
LabelClass NameTraining/TestCDCNNSSRNDBMAHybridSNSpectralNetSFRN-E
1Brocoli_green_weeds_17/200299.98100.0098.8499.6376.0698.50
2Brocoli_green_weeds_214/371296.8099.9399.9299.7285.6399.68
3Fallow7/196999.4695.5796.6391.4891.9798.41
4Fallow_rough_plow5/138992.8498.5596.5895.5995.9693.63
5Fallow_smooth10/266895.2098.3995.8396.4997.1696.36
6Stubble15/394499.23100.0099.2396.3499.5199.39
7Celery13/356699.9299.8799.8699.8794.4998.87
8Grapes_untrained42/11,22983.5088.0492.0694.0682.0892.81
9Soil_vinyard_develop23/618099.1999.7299.57100.0098.6699.51
10Corn_senesced_green_
weeds
12/326692.7094.1293.5698.0092.2795.92
11Lettuce_romaine_4wk4/106493.5396.6192.2679.5074.9797.38
12Lettuce_romaine_5wk7/192096.7599.1299.46100.0091.5795.29
13Lettuce_romaine_6wk3/91383.3898.8599.5191.9193.3892.92
14Lettuce_romaine_7wk4/106690.8696.4494.4282.4597.2094.42
15Vinyard_untrained27/724176.6978.1390.0092.0576.3189.89
16Vinyard_vertical_trellis7/180098.2499.2098.2880.5792.0899.02
OA(%) 91.40 ± 0.4893.82 ± 0.5195.70 ± 0.3795.15 ± 0.9288.42 ± 1.4795.75 ± 0.27
AA(%) 94.09 ± 0.7596.41 ± 0.9097.31 ± 0.3993.69 ± 1.6389.98 ± 1.3596.59 ± 0.44
Kappa × 100 90.44 ± 0.5493.11 ± 0.5895.22 ± 0.4294.61 ± 1.0287.13 ± 1.6495.27 ± 0.29
Table 3. Classification accuracies on the test set obtained by different approaches on the PU dataset (200 samples are used for training and the rest for test). Best results are pointed out in bold.
Table 3. Classification accuracies on the test set obtained by different approaches on the PU dataset (200 samples are used for training and the rest for test). Best results are pointed out in bold.
LabelClass NameTraining/
Test
CDCNNSSRNDBMAHybridSNSpectralNetSFRN-E
1Asphalt31/660088.8691.8095.2885.3785.9491.39
2Meadows87/18,56296.5397.5397.1097.6992.3298.70
3Gravel10/208964.8275.8176.9276.9059.1179.62
4Trees14/305092.5194.0494.3568.3789.1193.70
5Painted metal sheets6/133999.9699.8799.3288.4095.6499.51
6Bare Soil24/500586.5191.6390.1692.8379.4294.93
7Bitumen6/132474.9591.7491.9578.2066.0088.84
8Self-Blocking Bricks17/366575.4984.0081.8671.7682.0378.30
9Shadows5/94278.6591.3794.4253.2670.2790.47
OA(%) 89.70 ± 0.7693.25 ± 0.8993.33 ± 0.7788.25 ± 3.4286.36 ± 2.0493.58 ± 0.89
AA(%) 83.77 ± 1.9090.35 ± 1.3791.44 ± 1.2879.16 ± 7.8377.15 ± 2.2889.01 ± 1.26
Kappa × 100 86.27 ± 0.9891.05 ± 1.1691.17 ± 1.0284.31 ± 4.6881.51 ± 2.5691.46 ± 1.18
Table 4. Classification accuracies on the test set obtained by different approaches on the KSC dataset (200 samples are used for training and the rest for test). Best results are pointed out in bold.
Table 4. Classification accuracies on the test set obtained by different approaches on the KSC dataset (200 samples are used for training and the rest for test). Best results are pointed out in bold.
LabelClass NameTraining/TestCDCNNSSRNDBMAHybridSNSpectralNetSFRN-E
1Scrub29/73285.2088.5484.0096.8589.27100.00
2Willow swamp9/23478.7477.2968.7879.5367.0291.03
3CP hammock10/24686.5693.1484.9493.7559.6697.07
4Slash pine10/24264.7980.7271.3678.4442.8690.42
5Oak/Broadleaf6/15561.8675.8665.5576.8773.9788.26
6Hardwood9/22061.2174.0166.8189.5069.72100.00
7Swamp4/10164.7665.2280.4679.5687.8388.40
8Gramionoi marsh17/41495.4893.5177.8397.6265.5997.30
9Spartina marsh20/50090.9693.3086.1296.5980.4799.70
10Cattail marsh15/38989.4591.5084.3899.6275.28100.00
11Salt marsh16/40375.1979.2072.2986.9791.18100.00
12Mud flats19/48489.1688.6680.8294.5577.79100.00
13Water36/89195.9195.0296.7496.0196.42100.00
OA(%) 85.05 ± 0.9988.15 ± 1.4082.18 ± 2.0092.96 ± 1.4379.82 ± 2.0198.14 ± 0.18
AA(%) 80.18 ± 0.9281.67 ± 2.2576.95 ± 2.4488.49 ± 1.5974.92 ± 2.5395.54 ± 0.47
Kappa × 100 83.36 ± 01.0986.73 ± 1.6180.10 ± 2.2392.14 ± 1.6277.53 ± 2.2597.93 ± 0.20
Table 5. Classification results produced by different ensembles, using only 200 samples in each data set for training and the rest for test. Best results are pointed out in bold. The accuracies are the averages obtained in 10 repeated experiments, and the stand deviations are also reported.
Table 5. Classification results produced by different ensembles, using only 200 samples in each data set for training and the rest for test. Best results are pointed out in bold. The accuracies are the averages obtained in 10 repeated experiments, and the stand deviations are also reported.
Data SetsMetricsSVM-ECNN-ETCNN-ETCNN-ESFRN-E
(with Label Smoothing)(with Label Smoothing)
OA(%)81.61 ± 1.4788.62 ± 0.3690.17 ± 2.1691.88 ± 1.1391.62 ± 0.45
IPAA(%)57.51 ± 4.2466.55 ± 3.4971.53 ± 5.8377.37 ± 4.0480.02 ± 0.91
Kappa × 10077.62 ± 1.8386.30 ± 0.4388.21 ± 2.6090.28 ± 1.3490.43 ± 0.51
OA(%)-84.0287.9489.6294.18 ± 0.35
PUAA(%)-83.7182.9885.1489.34 ± 0.58
Kappa × 100-84.7684.2186.5192.25 ± 0.47
OA(%)91.57 ± 2.4796.85 ± 0.6997.29 ± 1.5199.27 ± 0.3699.28 ± 0.30
KSCAA(%)87.10 ± 3.4395.90 ± 0.9496.06 ± 2.1498.87 ± 0.6498.33 ± 0.67
Kappa × 10090.60 ± 2.7696.50 ± 0.7696.98 ± 1.6899.19 ± 0.4199.20 ± 0.33
Table 6. Total number of parameters in different models established for the KSC data set.
Table 6. Total number of parameters in different models established for the KSC data set.
ModelsCDCNNSSRNDBMAHybridSNSpectralNetCNN-ETCNN-ESFRN-E
Parameter Amount0.303 M0.310 M0.06 M6.781 M6.802 M1.118 M34.822 M2.721 M
Table 7. Ablation analysis. Best results are pointed out in bold. The accuracies are the averages obtained in 10 repeated experiments, and the stand deviations are also reported.
Table 7. Ablation analysis. Best results are pointed out in bold. The accuracies are the averages obtained in 10 repeated experiments, and the stand deviations are also reported.
Data SetsMetrics“CNN” EnsembleCDRN Ensemble“SENet” EnsembleSFRN Ensemble
OA(%)73.31 ± 0.2588.33 ± 0.9490.75 ± 0.2491.62 ± 0.45
IPAA(%)65.00 ± 0.3572.74 ± 2.6178.41 ± 0.6580.02 ± 0.91
Kappa × 10069.34 ± 0.2886.60 ± 1.0989.83 ± 0.2890.43 ± 0.51
OA(%)90.26 ± 0.1594.47 ± 0.3395.06 ± 0.0995.46 ± 0.18
SAAA(%)92.65 ± 0.1895.83 ± 0.5697.35 ± 0.2397.02 ± 0.42
Kappa × 10089.15 ± 0.1793.84 ± 0.3794.50 ± 0.1094.95 ± 0.19
OA(%)89.77 ± 0.1490.46 ± 0.3892.78 ± 0.3794.18 ± 0.35
PUAA(%)86.89 ± 0.2283.65 ± 0.9388.55 ± 0.9989.34 ± 0.58
Kappa × 10086.30 ± 0.1987.23 ± 0.5290.35 ± 0.5192.25 ± 0.47
OA(%)59.07 ± 0.4797.31 ± 0.3599.06 ± 0.1499.28 ± 0.30
KSCAA(%)46.54 ± 0.9193.65 ± 0.7697.32 ± 0.4298.33 ± 0.67
Kappa × 10054.20 ± 0.5597.00 ± 0.3998.96 ± 0.1699.20 ± 0.33
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Yao, W.; Lian, C.; Bruzzone, L. A CNN Ensemble Based on a Spectral Feature Refining Module for Hyperspectral Image Classification. Remote Sens. 2022, 14, 4982. https://doi.org/10.3390/rs14194982

AMA Style

Yao W, Lian C, Bruzzone L. A CNN Ensemble Based on a Spectral Feature Refining Module for Hyperspectral Image Classification. Remote Sensing. 2022; 14(19):4982. https://doi.org/10.3390/rs14194982

Chicago/Turabian Style

Yao, Wei, Cheng Lian, and Lorenzo Bruzzone. 2022. "A CNN Ensemble Based on a Spectral Feature Refining Module for Hyperspectral Image Classification" Remote Sensing 14, no. 19: 4982. https://doi.org/10.3390/rs14194982

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