Next Article in Journal
A Near Real-Time Mapping of Tropical Forest Disturbance Using SAR and Semantic Segmentation in Google Earth Engine
Next Article in Special Issue
Hyperspectral Image Classification with the Orthogonal Self-Attention ResNet and Two-Step Support Vector Machine
Previous Article in Journal
Polar Cloud Detection of FengYun-3D Medium Resolution Spectral Imager II Imagery Based on the Radiative Transfer Model
Previous Article in Special Issue
Hyperspectral Images Weakly Supervised Classification with Noisy Labels
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Technical Note

MADANet: A Lightweight Hyperspectral Image Classification Network with Multiscale Feature Aggregation and a Dual Attention Mechanism

1
College of Computer Science and Engineering, Shandong University of Science and Technology, Qingdao 266590, China
2
Shandong Key Laboratory of Marine Ecological Restoration, Shandong Marine Resource and Environment Research Institute, Yantai 264006, China
*
Author to whom correspondence should be addressed.
Remote Sens. 2023, 15(21), 5222; https://doi.org/10.3390/rs15215222
Submission received: 18 September 2023 / Revised: 24 October 2023 / Accepted: 1 November 2023 / Published: 3 November 2023
(This article belongs to the Special Issue Recent Advances in the Processing of Hyperspectral Images)

Abstract

:
Hyperspectral remote sensing images, with their continuous, narrow, and rich spectra, hold distinct significance in the precise classification of land cover. Deep convolutional neural networks (CNNs) and their variants are increasingly utilized for hyperspectral classification, but solving the conflict between the number of model parameters, performance, and accuracy has become a pressing challenge. To alleviate this problem, we propose MADANet, a lightweight hyperspectral image classification network that combines multiscale feature aggregation and a dual attention mechanism. By employing depthwise separable convolution, multiscale features can be extracted and aggregated to capture local contextual information effectively. Simultaneously, the dual attention mechanism harnesses both channel and spatial dimensions to acquire comprehensive global semantic information. Ultimately, techniques such as global average pooling (GAP) and full connection (FC) are employed to integrate local contextual information with global semantic knowledge, thereby enabling the accurate classification of hyperspectral pixels. The results from the experiments conducted on representative hyperspectral images demonstrate that MADANet not only attains the highest classification accuracy but also maintains significantly fewer parameters compared to the other methods. Experimental results show that our proposed framework significantly reduces the number of model parameters while still achieving the highest classification accuracy. As an example, the model has only 0.16 M model parameters in the Indian Pines (IP) dataset, but the overall accuracy is as high as 98.34%. Similarly, the framework achieves an overall accuracy of 99.13%, 99.17%, and 99.08% on the University of Pavia (PU), Salinas (SA), and WHU Hi LongKou (LongKou) datasets, respectively. This result exceeds the classification accuracy of existing state-of-the-art frameworks under the same conditions.

Graphical Abstract

1. Introduction

Hyperspectral technology, a very important branch of remote sensing technology, emerged in the 1980s and brought remote sensing technology into a new stage of development. Currently, hyperspectral technology is widely used in geological exploration, precision agriculture, environmental monitoring, oceanography, and other fields [1,2,3,4,5]. In contrast to natural images, hyperspectral images (HSIs) encompass numerous continuous spectral bands with high spectral resolution within a single scene, thereby affording a wealth of spectral and spatial information pertaining to ground objects. However, due to problems such as dimensional disasters and mixed pixels, hyperspectral image classification is challenging [6,7,8,9].
The rapid development of deep learning has provided powerful algorithms for solving these tasks [10]. Ever since AlexNet [11] secured victory in the 2012 ImageNet challenge, convolutional neural networks (CNNs) have garnered considerable attention. In subsequent years, the field of image classification witnessed the emergence of several classic CNN models, notably GoogleNet, VGGNet, ResNet, and DenseNet [12,13,14,15], and many researchers have also conducted studies on hyperspectral image classification based on these models [16,17,18,19,20,21,22,23,24]. However, to enhance accuracy, most of these models incorporate an extensive number of hidden layers and training parameters, which limits their suitability for deployment in resource-constrained mobile and embedded applications, particularly on satellite and airborne platforms [25]. In recent years, many academic researchers have shifted their focus to building lightweight and efficient CNN for applications and implementations in mobile and embedded devices, such as MobileNet [26,27,28] and ShuffleNet [29,30], due to limitations in computing power, memory, power consumption, and parameter size. Compared to existing research, light CNN sacrifices some model accuracy to reduce the consumption of limited memory and computational resources. Therefore, the challenge of maintaining high accuracy with fewer parameters has become an urgent issue [31]. Multiscale feature extraction provides an effective solution to retain more relevant information within a limited number of parameters. Numerous experiments have demonstrated that multiscale features have a significant positive impact on classification performance [32,33,34,35,36].
Attention mechanisms have demonstrated substantial promise in enhancing the performance of CNNs by effectively suppressing redundant information within feature maps and extracting meaningful features. Consequently, attention mechanisms have been widely adopted in contemporary deep CNN architectures [37,38,39,40,41]. The SE block [37] is an attention mechanism that effectively enhances accuracy by modeling the correlation between feature maps and reinforcing the important feature maps. CBAM [38] improves the SE block by introducing two different pooling operations, GAP and GMP, and adds a spatial attention module to enhance information interaction in the space. This provides an effective method for extracting and utilizing spatial and spectral features for hyperspectral image classification but also presents new challenges in terms of computational resources and data requirements. The nonlocal (NL) block efficiently captures long-range feature dependencies by modeling the global context through the self-attention mechanism [39]. The dual attention mechanism proposed by DANet [40] applies the idea of NL to both the spatial and channel domains, using image pixels and feature maps as query statements to model the context to improve the global feature representation capability of the network. The superiority of DANet to model context has been demonstrated in several other works [42,43].
This paper introduces a lightweight hyperspectral image classification method founded on multiscale feature aggregation and a dual attention mechanism. First, two multiscale aggregation units (MA units) based on multiscale products were proposed to effectively combine local spectrum and spatial features at different scales to solve the “adjacent pixel effect” issue in hyperspectral data. Specifically, the MA units use cross-scale convolution kernels to extract multiscale features, which are then nonlinearly fused through the Hadamard product. Second, dual attention units (DA units) were introduced to capture global dependencies in both spectral and spatial dimensions, aiming to obtain feature representations with lower intra-class divergence. Finally, the feature maps produced by the MA units and the DA units are connected to create a multiscale spatial-spectral feature map, which is then classified using a Softmax classifier.
The principal contributions of this study are delineated as follows:
(1)
A lightweight hyperspectral image classification method is proposed based on multiscale feature aggregation and a dual attention mechanism, which can achieve good performance quickly with low computational consumption.
(2)
We introduce an applicable unit: the multiscale aggregation unit (MA unit). The MA unit first captures multiscale spatial context information through multilayer deep convolution and then performs nonlinear fusion using the Hadamard product to cope with the “neighboring pixel effect” in hyperspectral images. This unit provides new perspectives and methods for hyperspectral image feature extraction.
(3)
To assess the generalization and advantages of the proposed method, experiments were conducted across various scenarios encompassing three agricultural contexts and one urban setting. The experimental results consistently illustrate that our method outperforms other state-of-the-art approaches in all tested scenarios.

2. Related Work

2.1. ShuffleNet

ShuffleNet is an efficient CNN model proposed by KuangShi Technology. ShuffleNet V1 [29] uses a 1 × 1 group convolution to reduce the computational complexity and number of parameters. To overcome the drawbacks brought about by group convolutions, ShuffleNet V1 introduced a novel channel shuffle operation to help channel information exchange. ShuffleNet V2 [30], an evolution of ShuffleNet V1, proficiently mitigates memory access costs by maintaining a consistent number of input and output channels within the convolutional layer. Furthermore, during module construction, it employs a channel-splitting method to curtail the number of convolutional channels, resulting in a concurrent reduction in both computational complexity and parameter count. Compared with ShuffleNet V1, ShuffleNet V2 is faster and more accurate on the same computational budget. The structure of the ShuffleNet V2 basic block is shown in Figure 1.

2.2. Attention Mechanism

In 2019, Jun Fu’s team introduced DANet [40], a dual attention mechanism that adaptively captures feature dependencies in both spatial and channel dimensions, thereby enhancing the network’s global feature representation. Position attention provides a similarity matrix by computing the relationship between each pixel and all other pixels and then multiplies this similarity matrix by the original matrix to update the pixels at each location in the original feature map. Channel attention performs a similar transformation to update each channel. The outputs of these two attention modules are combined to further enhance the feature representation. These attention modules are shown in Figure 2.

3. Methodology

3.1. Overall Architecture

Figure 3 depicts a schematic representation of the MADANet method. We take the Indian Pines dataset as an example to illustrate the process in detail. First, PCA is applied to reduce the spectral dimensions and suppress the band noise in the original HSI. Second, this HSI, after dimensionality reduction, is segmented into 3D image cubes centered around labeled pixels. Third, a convolution operation and a maximum pooling operation, with a size of 3 × 3, are applied successively to each 3D image cube. Afterward, the 3D cubes are transported to two parallel branches, namely, the MA and DA branches. To retain more relevant information at a limited depth, we use hierarchical layers composed of three MA units in the bottom MA branch. The DA unit in the top DA branch is used to improve the global feature representation capability of the network. Consequently, we will obtain discriminative feature maps for multiple classes. Following the aforementioned operations, these feature maps are then fed into the FFC module to derive the HSI classification result.

3.2. MA Unit

By design, the MA unit pursues a strong feature extraction ability and is extremely lightweight. We use two types of feature aggregation units, including the basic unit (shown in Figure 4a) and the spatial downsampling unit (shown in Figure 4b). Multiple depth convolutions with different convolution kernel sizes (3 × 3, 5 × 5, 7 × 7) are used in the residual branch of the basic unit to capture multiscale spatial contextual information, and these multiscale features are subsequently fused by the Hadamard product. Additionally, batch normalization (BN) and ReLU activation are introduced to each convolutional layer to alleviate the gradient disappearance problem. In the spatial downsampling unit, a 3 × 3 depthwise convolution of step 2 and a 1 × 1 convolution are added to the shortcut branch to ensure that the output size of the feature maps of both branches is the same. The output features of the two branches are merged using the Concat operation, followed by performing the Channel Shuffle operation to help with communicating information.

3.3. Feature Fusion and Classification

The proposed feature fusion and classification module is shown in Figure 5. The obtained global and local features are concatenated and then fused by 1 × 1 convolution and batch normalization. The GAP operation is employed to condense spatial information, and the FC layer is utilized to reduce the dimensionality of the output channels to align with the number of surface categories. The Softmax function accepts the output of the FC layer and generates the classification probabilities, and finally, the predicted class is obtained by the Argmax function.

4. Results

4.1. Data Description

To assess the classification performance of MADANet, we utilize four HSI datasets: the Indian Pines, University of Pavia, Salinas, and WHU-Hi-LongKou datasets [44,45].
Indian Pines dataset: The Indian Pines dataset stands as the inaugural set of hyperspectral image classification test data. It was generated in 1992 by the airborne visible/infrared imaging spectrometer (AVIRIS) by imaging a section of Indian Pines in Indiana, USA. Subsequently, this dataset was resized to 145 × 145 for the specific purpose of hyperspectral image classification testing. It encompasses 220 continuous spectral bands, spanning the electromagnetic spectrum from 0.4 to 2.5 μm. The false color composite image and the ground truth are shown in Figure 6.
University of Pavia dataset: The University of Pavia dataset, representing Pavia in northern Italy, consists of an image with dimensions of 610 × 340 pixels and a spatial resolution of 1.3 m. Before HSI classification, a conventional preprocessing method was applied, including the removal of 12 noisy channels. The false color composite image and the ground truth are shown in Figure 7.
Salinas dataset: This dataset boasts an impressive 3.7 m spatial resolution and comprises 224 spectral bands, covering an area of 512 × 217 pixels. Prior to HSI classification, standard preprocessing techniques were applied, including the removal of 20 channels affected by water absorption bands. The images encompass 16 distinct land cover categories, such as vegetables, bare soil, and vineyards. The false color composite image and the ground truth are shown in Figure 8.
WHU-Hi-LongKou dataset: The WHU-Hi-LongKou dataset is a subset of the WHU-Hi dataset, meticulously captured and compiled by the RSIDEA research team at Wuhan University within the region of Longkou in Hubei Province, China. This dataset is characterized by a spatial resolution of approximately 0.463 m, incorporating a total of 270 spectral bands and encompassing an area spanning 550 × 400 pixels. The imagery portrays an agricultural setting featuring six distinct crop types. The false color composite image and the ground truth are shown in Figure 9.

4.2. Experimental Design

We used three metrics to compare the classification results with the actual conditions in order to evaluate the performance of the proposed method. The overall accuracy (OA) was used to evaluate the proportion of correctly classified pixels to the total test pixels, providing an overall performance overview. The average accuracy (AA) was used to calculate the accuracy of each category. In addition, these accuracy values were averaged to reflect the performance differences between different categories more comprehensively. The Kappa coefficient was used to determine the consistency between the model’s predictions and the actual classification results. Furthermore, the evaluation took into account the computing resources, including the processing time of the Central Processing Unit (CPU), the computation time used by the Graphics Processing Unit (GPU), and the total number of model parameters used in the method.
Considering the large differences in sample size between the four datasets, we used a different proportion of training samples for each dataset. For the Indian Pines dataset, a partitioning strategy was employed wherein 10% of the labeled samples were designated for the training subset, an additional 10% were reserved for validation purposes, and the remaining 80% were utilized for testing. Conversely, for the Salinas and Pavia University datasets, a distinct distribution scheme was implemented, allocating 5% of the labeled samples for training, another 5% for validation, and a substantial 90% for the testing phase. For the WHU-Hi-LongKou dataset, 2% of the labeled samples in each category were used for training and validation, and the remaining samples were used for testing. In the training phase of the network, the Adam optimizer was used to update the parameters, where the initial learning rate was set to 0.0001, the batch size was set to 32, and the number of training epochs was set to 200.
All algorithms involved in this study were run in PyCharm Professional 2023.2 based on the PyTorch 1.12.1 deep learning framework. The CPU processor was an 12th Gen Intel® Core™ i5-12500 CPU @ 3.00 GHz, and an NVIDIA GeForce RTX 2080Ti GPU graphics card was used.
To validate MADANet’s effectiveness, we compared it with six classification methods: two benchmark machine learning algorithms (SVM [46] and RF [47]) and four deep-learning approaches (DFFN [48], HybridSN [49], A2MFE [33], and LANet [50]).
DFFN is a 2D CNN network that fuses outputs from different hierarchical layers using a residual structure. HybridSN enhances its ability to focus on relevant features by incorporating an attention mechanism. A2MFE applies adaptive attention mechanisms at multiple scales to capture local and global contextual information effectively in hyperspectral images. Lastly, LANet leverages local attributes of hyperspectral images, offering a unique approach to feature extraction.
These models extract HSI features from diverse angles, representing the latest advancements in HSI classification. To ensure fairness, all methods used the same parameters from their original works. Deep learning methods shared spatial patch size and dimensions, while SVM and RF utilized serialized data.

4.3. Experimental Results

4.3.1. Experimental Results on the Indian Pines Dataset

The inaugural experiment was conducted utilizing the Indian Pines dataset. Table 1 shows the overall accuracy (OA), average accuracy (AA), and Kappa coefficient obtained by the different methods, as well as the classification accuracy of each class. From Table 1, we can see that compared with the traditional SVM and RF methods, the deep learning methods show better classification performance. However, both DFFN and LANet considered only the spectral–spatial features on a single scale, resulting in poor performance. MADANet combines global features with local features on multiple scales, making it significantly more effective for small-scale oats and past-mowed grass. In terms of OA, the MADANet proposed in this paper outperforms the other methods with 98.34% classification accuracy. In addition, the visualization results of all methods are presented in Figure 10, where the proposed MADANet shows satisfactory performance. The SVM and RF methods did not consider spatial information, so these classification maps contained considerable noise. DFFN, HybridSN, A2MFE, and LANet showed more misclassifications.

4.3.2. Experimental Results on the University of Pavia Dataset

The second experiment was performed on the University of Pavia dataset. Table 2 and Figure 11 show the classification accuracies and visualization results for all methods, respectively. The spectral-based SVM and RF classification methods contain significant noise. However, the classification maps produced by HybridSN and the other deep learning methods gave good visual results. In addition, we observed that MADANet more accurately classified linear geo-objects, such as asphalt, metal sheets, and bricks, with 99.04%, 99.42%, and 99.37% classification accuracy, respectively.

4.3.3. Experimental Results on the Salinas Dataset

The third experiment was performed on the Salinas dataset. The classification accuracies and visualization results for all methods are shown in Table 3 and Figure 12, respectively. MADANet provided better classification results than other methods by capturing and fusing multiscale features with an overall accuracy of 99.17%. In the Salinas dataset, there are two classes with strong spectral similarity, namely, vineyard untrained and vineyard trellis. MADANet achieved 99.34% and 98.49% classification accuracy for these two classes, respectively, which were much higher than the accuracies of the comparison methods, which indicates that our method can extract discriminative spectral–spatial features.

4.3.4. Experimental Results on the WHU-Hi-LongKou Dataset

The fourth experiment was performed on the WHU-Hi-LongKou dataset. The classification accuracies and visualization results of all methods are shown in Table 4 and Figure 13, respectively. In Table 4, MADANet achieved an OA of 99.08%, showing a significant improvement in classification accuracy compared to SVM, RF, and LANet. A2MFE and MADANet showed better performance in two categories, roads and houses and mixed weed, as shown in the two longitudinal striped areas in Figure 13. MADANet achieved a much higher accuracy in the sesame category than the other models.

4.3.5. Parameter Analysis

To evaluate the effect of the patch size on the performance of MADANet, we set the image patch size to 15, 19, 23, 27, 31, and 35. As illustrated in Figure 14, a discernible upward trend in OA is evident as the patch size increases from 15 to 27. When the patch size is 27, the OA reaches a peak. Henceforth, the patch size is established at 27 within the context of this research.

4.3.6. Ablation Experiments

To ascertain the effectiveness of the proposed DA unit and MA unit, four specific ablation experiments were designed. As shown in Table 5, the DA unit improved the OA by 1.97–3.23%, and the MA unit improved the OA by 1.43–2.88% on the four datasets. After combining the DA unit and the MA unit, the proposed MADANet improved the OA by 3.45–4.75% compared to the baseline. The results of the ablation experiments validate the effectiveness and complementarity of the two proposed modules in the HSI classification task.

4.3.7. Evaluation of Model Complexity

We conducted a comparative analysis of various methods on the Indian Pines dataset, with a specific focus on the number of parameters and test time. As indicated in Table 6, the deep learning-based methods require more test time than SVM and RF. HybridSN, which involves 3D convolution, has the most parameters and the longest test time. Contextual aggregation-based LANet also requires more computations and test time. The test times for the models A2MFE, DFFN, and MADANet are relatively short, but the number of parameters for A2MFE is more than twice that of the other two models. MADANet is slightly inferior to DFFN in terms of the number of parameters and test time, but its classification accuracy is much higher.

5. Discussion

In this paper, we design a simple and efficient model for the fine classification of hyperspectral images. The main idea is to find features that are visible in multiple receptive fields. To achieve this, our model uses Hadamard products to aggregate multiscale features. The experimental results demonstrate that this design not only enhances the classification accuracy but also significantly reduces the inference time. Furthermore, ablation experiments show that the DA unit, which combines position attention and channel attention, complements the MA units.
Pixels should not be sensitive to their positions in classification tasks (for example, whether maize appears in the upper left or lower right corner, it should be recognized as maize). However, relying solely on spectral information for hyperspectral classification is quite challenging in hyperspectral tasks due to the presence of “the same object with different spectrums” and “different objects with the same spectrum” phenomena in hyperspectral images. Under such circumstances, pixels must remain sensitive to the spatial location of features to incorporate spatial context information for achieving higher accuracy in hyperspectral image classification. In our DA unit, we used spectrum attention to extract spectral information that is more important for category labels. In addition, we used spatial attention in the DA unit and multiscale attention in the MA unit to extract pixel-rich contextual features. Specifically, we can extract and merge multiscale features using our methods, allowing each pixel to obtain rich contextual information from its neighboring regions. In the meantime, we introduced the Hadamard product in the MA unit for nonlinear feature fusion, enhancing the model’s ability to represent surface features and thus enhancing the accuracy of hyperspectral image classification tasks with a certain number of model parameters.
However, our proposed model also has some shortcomings. For example, the ground object classes in the remote sensing images are prespecified, and it is likely that those classes not seen in the training phase will be classified into some known class during inference. In addition, the classification accuracy of certain ground object classes that are spectrally similar in noisy images, such as corn, corn-notill, and corn-mintill, needs to be further improved.
In recent years, pretraining steps and large models have become popular. Now, combining the world knowledge embedded in large models to improve the inference of deep learning models on unseen classes is the next important research direction. Furthermore, if a deep learning model can both predict what class a sample belongs to and actively explain how it made this prediction, it will be easier to determine why the model makes mistakes, and thus, the robustness and generalization of the deep learning model can be further improved.

6. Conclusions

In this paper, a lightweight hyperspectral image classification model using multiscale feature aggregation and a dual attention mechanism is proposed. The MA unit concatenates multiscale spectral and spatial features through the Hadamard product to address the hyperspectral neighborhood pixel effect. The DA unit can capture contextual features to compensate for the lack of a convolutional field of view. Experiments on three crop scenes and one urban scene show that the method achieves good performance with low computational consumption, outperforming the comparison methods.

Author Contributions

Conceptualization, B.C.; methodology, B.C. and J.W.; software, J.W.; validation, B.C., X.S. and J.H.; investigation, B.C.; resources, J.W.; writing—original draft preparation, J.W.; writing—review and editing, B.C. and J.W. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Natural Science Foundation of China (Grant No. 42276185) and the Shandong Province Natural Science Foundation of China (Grant Nos. ZR2020MD096 and ZR2020MD099).

Data Availability Statement

The codes used in this study are publicly available on GitHub for the purpose of reproducibility. You can find them at the following link: https://github.com/wjxcs/MADANet. We encourage readers and researchers to use these codes and look forward to your feedback and suggestions. We believe that open and shared data will help advance science. Thank you for your attention and support to our work.

Acknowledgments

Thank you to the authors who provided experimental datasets and comparative detectors.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Tan, Y.; Lu, L.; Bruzzone, L.; Guan, R.; Chang, Z.; Yang, C. Hyperspectral Band Selection for Lithologic Discrimination and Geological Mapping. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2020, 13, 471–486. [Google Scholar] [CrossRef]
  2. Oehlschläger, J.; Schmidhalter, U.; Noack, P.O. UAV-Based Hyperspectral Sensing for Yield Prediction in Winter Barley. In Proceedings of the 2018 9th Workshop on Hyperspectral Image and Signal Processing: Evolution in Remote Sensing (WHISPERS), Amsterdam, The Netherlands, 23–26 September 2018; pp. 1–4. [Google Scholar] [CrossRef]
  3. Alias, M.S.; Adnan, A.M.I.; Jugah, K.; Ishaq, I.; Fizree, Z.A. Detection of Basal Stem Rot (BSR) disease at oil palm plantation using hyperspectral imaging. In Proceedings of the 2013 5th Workshop on Hyperspectral Image and Signal Processing: Evolution in Remote Sensing (WHISPERS), Gainesville, FL, USA, 26–28 June 2013; pp. 1–4. [Google Scholar] [CrossRef]
  4. Wan, Y.; Hu, X.; Zhong, Y.; Ma, A.; Wei, L.; Zhang, L. Tailings Reservoir Disaster and Environmental Monitoring Using the UAV-ground Hyperspectral Joint Observation and Processing: A Case of Study in Xinjiang, the Belt and Road. In Proceedings of the IGARSS 2019—2019 IEEE International Geoscience and Remote Sensing Symposium, Yokohama, Japan, 28 July–2 August 2019; pp. 9713–9716. [Google Scholar] [CrossRef]
  5. Odagawa, S.; Takeda, T.; Yamano, H.; Matsunaga, T. Bottom-type classification in coral reef area using hyperspectral bottom index imagery. In Proceedings of the 2015 7th Workshop on Hyperspectral Image and Signal Processing: Evolution in Remote Sensing (WHISPERS), Tokyo, Japan, 2–5 June 2015; pp. 1–4. [Google Scholar] [CrossRef]
  6. Taşkın, G.; Kaya, H.; Bruzzone, L. Feature Selection Based on High Dimensional Model Representation for Hyperspectral Images. IEEE Trans. Image Process. 2017, 26, 2918–2928. [Google Scholar] [CrossRef] [PubMed]
  7. Jia, S.; Yuan, Y.; Li, N.; Liao, J.; Huang, Q.; Jia, X.; Xu, M. A Multiscale Superpixel-Level Group Clustering Framework for Hyperspectral Band Selection. IEEE Trans. Geosci. Remote Sens. 2022, 60, 5523418. [Google Scholar] [CrossRef]
  8. Zhu, Q.; Wang, Y.; Wang, F.; Song, M.; Chang, C.-I. Hyperspectral Band Selection Based on Improved Affinity Propagation. In Proceedings of the 2021 11th Workshop on Hyperspectral Imaging and Signal Processing: Evolution in Remote Sensing (WHISPERS), Amsterdam, The Netherlands, 24–26 March 2021; pp. 1–4. [Google Scholar] [CrossRef]
  9. Manzanarez, S.D.; Manian, V. Supervised Spatially Coherent Nonlinear Dimensionality Reduction for Hyperspectral Image Classification. In Proceedings of the 2021 11th Workshop on Hyperspectral Imaging and Signal Processing: Evolution in Remote Sensing (WHISPERS), Amsterdam, The Netherlands, 24–26 March 2021; pp. 1–5. [Google Scholar] [CrossRef]
  10. Gong, J.; Liu, W.; Pei, M.; Wu, C.; Guo, L. ResNet10: A lightweight residual network for remote sensing image classification. In Proceedings of the 2022 14th International Conference on Measuring Technology and Mechatronics Automation (ICMTMA), Changsha, China, 15–16 January 2022; pp. 975–978. [Google Scholar] [CrossRef]
  11. Krizhevsky, A.; Sutskever, I.; Hinton, G. ImageNet Classification with Deep Convolutional Neural Networks. In Proceedings of the Twenty-Sixth Annual Conference on Neural Information Processing Systems, Lake Tahoe, NV, USA, 3–6 December 2012; Curran Associates Inc.: Red Hook, NY, USA, 2012. [Google Scholar]
  12. Szegedy, C.; Liu, W.; Jia, Y.; Sermanet, P.; Reed, S.; Anguelov, D.; Erhan, D.; Vanhoucke, V.; Rabinovich, A. Going deeper with convolutions. In Proceedings of the 2015 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Boston, MA, USA, 7–12 June 2015; pp. 1–9. [Google Scholar] [CrossRef]
  13. Simonyan, K.; Zisserman, A. Very Deep Convolutional Networks for Large-Scale Image Recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  14. 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, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  15. Huang, G.; Liu, Z.; Van Der Maaten, L.; Weinberger, K. Densely connected convolutional networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2017; pp. 4700–4708. [Google Scholar]
  16. Alipourfard, T.; Arefi, H.; Mahmoudi, S. A Novel Deep Learning Framework by Combination of Subspace-Based Feature Extraction and Convolutional Neural Networks for Hyperspectral Images Classification. In Proceedings of the IGARSS 2018—2018 IEEE International Geoscience and Remote Sensing Symposium, Valencia, Spain, 22–27 July 2018; pp. 4780–4783. [Google Scholar] [CrossRef]
  17. Li, K.; Ma, Z.; Xu, L.; Chen, Y.; Ma, Y.; Wu, W.; Wang, F.; Liu, Z. Depthwise Separable ResNet in the MAP Framework for Hyperspectral Image Classification. IEEE Geosci. Remote Sens. Lett. 2022, 19, 5500305. [Google Scholar] [CrossRef]
  18. Paoletti, M.E.; Haut, J.M.; Fernandez-Beltran, R.; Plaza, J.; Plaza, A.J.; Pla, F. Deep Pyramidal Residual Networks for Spectral–Spatial Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2019, 57, 740–754. [Google Scholar] [CrossRef]
  19. Liu, X.; Meng, Y.; Fu, M. Classification Research Based on Residual Network for Hyperspectral Image. In Proceedings of the 2019 IEEE 4th International Conference on Signal and Image Processing (ICSIP), Wuxi, China, 19–21 July 2019; pp. 911–915. [Google Scholar] [CrossRef]
  20. Wang, Y.; Li, K.; Xu, L.; Wei, Q.; Wang, F.; Chen, Y. A Depthwise Separable Fully Convolutional ResNet With ConvCRF for Semisupervised Hyperspectral Image Classification. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2021, 14, 4621–4632. [Google Scholar] [CrossRef]
  21. Li, A.; Shang, Z. A new Spectral-Spatial Pseudo-3D Dense Network for Hyperspectral Image Classification. In Proceedings of the 2019 International Joint Conference on Neural Networks (IJCNN), Budapest, Hungary, 14–19 July 2019; pp. 1–7. [Google Scholar] [CrossRef]
  22. Cui, B.; Li, X.; Wu, J.; Ren, G.; Lu, Y. Tiny-Scene Embedding Network for Coastal Wetland Mapping Using Zhuhai-1 Hyperspectral Images. IEEE Geosci. Remote Sens. Lett. 2022, 19, 2504105. [Google Scholar] [CrossRef]
  23. Zhang, C.; Li, G.; Du, S. Multi-Scale Dense Networks for Hyperspectral Remote Sensing Image Classification. IEEE Trans. Geosci. Remote Sens. 2019, 57, 9201–9222. [Google Scholar] [CrossRef]
  24. Dong, W.; Qu, J.; Zhang, T.; Li, Y.; Du, Q. Context-Aware Guided Attention Based Cross-Feedback Dense Network for Hyperspectral Image Super-Resolution. IEEE Trans. Geosci. Remote Sens. 2022, 60, 5530814. [Google Scholar] [CrossRef]
  25. Meng, Z.; Jiao, L.; Liang, M.; Zhao, F. A Lightweight Spectral-Spatial Convolution Module for Hyperspectral Image Classification. IEEE Geosci. Remote Sens. Lett. 2022, 19, 5505105. [Google Scholar] [CrossRef]
  26. Howard, A.G.; Zhu, M.; Chen, B.; Kalenichenko, D.; Wang, W.; Weyand, T.; Andreetto, M.; Adam, H. Mobilenets: Efficient convolutional neural networks for mobile vision applications. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  27. Sandler, M.; Howard, A.; Zhu, M.; Zhmoginov, A.; Chen, L. MobileNetV2: Inverted Residuals and Linear Bottlenecks. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 4510–4520. [Google Scholar]
  28. Howard, A.; Sandler, M.; Chu, G.; Chen, L.-C.; Chen, B.; Tan, M.; Wang, W.; Zhu, Y.; Pang, R.; Vasudevan, V.; et al. Searching for mobilenetv3. arXiv 2019, arXiv:1905.02244. [Google Scholar]
  29. Zhang, X.; Zhou, X.; Lin, M.; Sun, J. ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile Devices. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 6848–6856. [Google Scholar]
  30. Ma, N.; Zhang, X.; Zheng, H.T.; Sun, J. ShuffleNet V2: Practical Guidelines for Efficient CNN Architecture Design. In Proceedings of the Computer Vision—ECCV 2018, Munich, Germany, 8–14 September 2018; Lecture Notes in Computer Science. Volume 11218. [Google Scholar]
  31. Yuan, Z.; Lu, C. Research on Image Classification of Lightweight Convolutional Neural Network. In Proceedings of the 2021 IEEE 2nd International Conference on Big Data, Artificial Intelligence and Internet of Things Engineering (ICBAIE), Nanchang, China, 26–28 March 2021; pp. 498–501. [Google Scholar] [CrossRef]
  32. Zhang, H.; Yu, H.; Xu, Z.; Zheng, K.; Gao, L. A Novel Classification Framework for Hyperspectral Image Classification Based on Multi-Scale Dense Network. In Proceedings of the 2021 IEEE International Geoscience and Remote Sensing Symposium IGARSS, Brussels, Belgium, 11–16 July 2021; pp. 2238–2241. [Google Scholar] [CrossRef]
  33. Yang, J.; Du, B.; Wu, C.; Zhang, L. Automatically Adjustable Multi-Scale Feature Extraction Framework for Hyperspectral Image Classification. In Proceedings of the 2021 IEEE International Geoscience and Remote Sensing Symposium IGARSS, Brussels, Belgium, 11–16 July 2021; pp. 3649–3652. [Google Scholar] [CrossRef]
  34. Guan, L.; Han, Y.; Zhang, P. Hyperspectral image classification based on improved multi-scale residual network structure. In Proceedings of the 2021 2nd International Symposium on Computer Engineering and Intelligent Communications (ISCEIC), Nanjing, China, 6–8 August 2021; pp. 377–382. [Google Scholar] [CrossRef]
  35. Lin, M.; Jing, W.; Di, D.; Chen, G.; Song, H. Multi-Scale U-Shape MLP for Hyperspectral Image Classification. IEEE Geosci. Remote Sens. Lett. 2022, 19, 6006105. [Google Scholar] [CrossRef]
  36. Shang, R.; Chang, H.; Zhang, W.; Feng, J.; Li, Y.; Jiao, L. Hyperspectral Image Classification Based on Multi-scale Cross-branch Response and Second-Order Channel Attention. IEEE Trans. Geosci. Remote Sens. 2022, 60, 5532016. [Google Scholar] [CrossRef]
  37. Hu, J.; Shen, L.; Sun, G. Squeeze-and-excitation networks. In Proceedings of the CVPR, Salt Lake City, UT, USA, 18–22 June 2018; pp. 7132–7141. [Google Scholar]
  38. Woo, S.; Park, J.; Lee, J.-Y.; Kweon, I.S. CBAM: Convolutional block attention module. In Proceedings of the ECCV, Munich, Germany, 8–14 September 2018; pp. 3–19. [Google Scholar]
  39. Fu, J.; Liu, J.; Tian, H.; Li, Y.; Bao, Y.; Fang, Z.; Lu, H. Dual attention network for scene segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 3146–3154. [Google Scholar]
  40. Wang, X.; Girshick, R.; Gupta, A.; He, K. Non-local neural networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Salt Lake City, UT, USA, 18–22 June 2018; pp. 7794–7803. [Google Scholar]
  41. Ren, Y.; Li, X.; Yang, X.; Xu, H. Development of a Dual-Attention U-Net Model for Sea Ice and Open Water Classification on SAR Images. IEEE Geosci. Remote Sens. Lett. 2022, 19, 4010205. [Google Scholar] [CrossRef]
  42. Wang, R.; Chen, Z.; Zhang, S.; Li, W. Dual-Attention Generative Adversarial Networks for Fault Diagnosis Under the Class-Imbalanced Conditions. IEEE Sens. J. 2022, 22, 1474–1485. [Google Scholar] [CrossRef]
  43. Liu, M.; Hu, Q.; Wang, C.; Tian, T.; Chen, W. Daff-Net: Dual Attention Feature Fusion Network for Aircraft Detection in Remote Sensing Images. In Proceedings of the 2021 IEEE International Geoscience and Remote Sensing Symposium IGARSS, Brussels, Belgium, 11–16 July 2021; pp. 4196–4199. [Google Scholar] [CrossRef]
  44. Zhong, Y.; Hu, X.; Luo, C.; Wang, X.; Zhao, J.; Zhang, L. WHU-Hi: UAV-borne hyperspectral with high spatial resolution (H2) benchmark datasets and classifier for precise crop identification based on deep convolutional neural network with CRF. Remote Sens. Environ. 2020, 250, 112012. [Google Scholar] [CrossRef]
  45. Zhong, Y.; Wang, X.; Xu, Y.; Wang, S.; Jia, T.; Hu, X.; Zhao, J.; Wei, L.; Zhang, L. Mini-UAV-borne hyperspectral remote sensing: From observation and processing to applications. IEEE Geosci. Remote Sens. Mag. 2018, 6, 46–62. [Google Scholar] [CrossRef]
  46. 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]
  47. Zhang, Y.; Cao, G.; Li, X.; Wang, B. Cascaded random forest for hyperspectral image classification. IEEE J. Sel. Topics Appl. Earth Observ. Remote Sens. 2018, 11, 1082–1094. [Google Scholar] [CrossRef]
  48. Song, W.; Li, S.; Fang, L.; Lu, T. Hyperspectral image classification with deep feature fusion network. IEEE Trans. Geosci. Remote Sens. 2018, 56, 3173–3184. [Google Scholar] [CrossRef]
  49. 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. 2020, 17, 277–281. [Google Scholar] [CrossRef]
  50. Ding, L.; Tang, H.; Bruzzone, L. LANet: Local Attention Embedding to Improve the Semantic Segmentation of Remote Sensing Images. IEEE Trans. Geosci. Remote Sens. 2021, 59, 426–435. [Google Scholar] [CrossRef]
Figure 1. The structure of the ShuffleNet V2 basic block. (a) Basic unit (stride = 1). (b) Spatial down sampling (stride = 2). DWConv: depthwise convolution.
Figure 1. The structure of the ShuffleNet V2 basic block. (a) Basic unit (stride = 1). (b) Spatial down sampling (stride = 2). DWConv: depthwise convolution.
Remotesensing 15 05222 g001
Figure 2. Dual attention unit (DA unit).
Figure 2. Dual attention unit (DA unit).
Remotesensing 15 05222 g002
Figure 3. The structure of MADANet. Red narrows: downsampling operators.
Figure 3. The structure of MADANet. Red narrows: downsampling operators.
Remotesensing 15 05222 g003
Figure 4. Multiscale aggregation unit. (a) Basic unit (stride = 1). (b) Spatial downsampling unit (stride = 2). DWConv: depthwise convolution.
Figure 4. Multiscale aggregation unit. (a) Basic unit (stride = 1). (b) Spatial downsampling unit (stride = 2). DWConv: depthwise convolution.
Remotesensing 15 05222 g004
Figure 5. Feature fusion and classification.
Figure 5. Feature fusion and classification.
Remotesensing 15 05222 g005
Figure 6. Indian Pines dataset. (a) False color composite and (b) ground truth.
Figure 6. Indian Pines dataset. (a) False color composite and (b) ground truth.
Remotesensing 15 05222 g006
Figure 7. University of Pavia dataset. (a) False color composite and (b) ground truth.
Figure 7. University of Pavia dataset. (a) False color composite and (b) ground truth.
Remotesensing 15 05222 g007
Figure 8. Salinas dataset. (a) False color composite and (b) ground truth.
Figure 8. Salinas dataset. (a) False color composite and (b) ground truth.
Remotesensing 15 05222 g008
Figure 9. WHU-Hi-LongKou dataset. (a) False color composite and (b) ground truth.
Figure 9. WHU-Hi-LongKou dataset. (a) False color composite and (b) ground truth.
Remotesensing 15 05222 g009
Figure 10. Classification maps produced by the different methods for the Indian Pines image. (a) Ground truth, (b) SVM, (c) RF, (d) DFFN, (e) HybridSN, (f) A2MFE, (g) LANet, and (h) MADANet.
Figure 10. Classification maps produced by the different methods for the Indian Pines image. (a) Ground truth, (b) SVM, (c) RF, (d) DFFN, (e) HybridSN, (f) A2MFE, (g) LANet, and (h) MADANet.
Remotesensing 15 05222 g010
Figure 11. Classification maps produced by the different methods for the University of Pavia image. (a) Ground truth, (b) SVM, (c) RF, (d) DFFN, (e) HybridSN, (f) A2MFE, (g) LANet, and (h) MADANet.
Figure 11. Classification maps produced by the different methods for the University of Pavia image. (a) Ground truth, (b) SVM, (c) RF, (d) DFFN, (e) HybridSN, (f) A2MFE, (g) LANet, and (h) MADANet.
Remotesensing 15 05222 g011
Figure 12. Classification maps produced by the different methods for the Salinas image. (a) Ground truth, (b) SVM, (c) RF, (d) DFFN, (e) HybridSN, (f) A2MFE, (g) LANet, and (h) MADANet.
Figure 12. Classification maps produced by the different methods for the Salinas image. (a) Ground truth, (b) SVM, (c) RF, (d) DFFN, (e) HybridSN, (f) A2MFE, (g) LANet, and (h) MADANet.
Remotesensing 15 05222 g012
Figure 13. Classification maps produced by the different methods for the WHU-Hi-LongKou image. (a) Ground truth, (b) SVM, (c) RF, (d) DFFN, (e) HybridSN, (f) A2MFE, (g) LANet, and (h) MADANet.
Figure 13. Classification maps produced by the different methods for the WHU-Hi-LongKou image. (a) Ground truth, (b) SVM, (c) RF, (d) DFFN, (e) HybridSN, (f) A2MFE, (g) LANet, and (h) MADANet.
Remotesensing 15 05222 g013
Figure 14. Classification performance of different input patch sizes on four datasets.
Figure 14. Classification performance of different input patch sizes on four datasets.
Remotesensing 15 05222 g014
Table 1. Comparison of the different methods in terms of class accuracy, OA, AA, and Kappa coefficient for the Indian Pines dataset.
Table 1. Comparison of the different methods in terms of class accuracy, OA, AA, and Kappa coefficient for the Indian Pines dataset.
ClassSVMRFDFFNHybridSNA2MFELANetMADANet
Alfalfa83.1677.1592.7698.4697.9898.3798.37
Corn-N66.7370.2489.3696.4095.3291.6496.98
Corn-M76.2571.1693.3196.6494.5793.2596.32
Corn80.6476.6994.4795.0591.3490.5195.57
Grass-P85.8984.8397.5497.6395.2195.2696.59
Grass-T92.4189.2798.1198.5494.7298.1798.65
Grass-P-M52.3239.4199.0699.2192.8794.3899.25
Hay-windrowed59.2463.1799.7098.2497.3198.2198.24
Oats62.2460.1796.0296.7296.3596.9397.44
Soybean-notill82.7374.2195.8593.2892.4192.7498.38
Soybean-mintill84.4780.4195.3294.5197.5196.3699.43
Soybean-clean66.1164.0484.7899.2997.4593.1497.65
Wheat89.6888.2698.7798.7296.8998.5999.19
Woods84.8786.5295.3698.7095.7698.7198.12
Buildings-G-T-D82.5981.7897.2398.5698.6197.4797.32
Stone-S-T86.5784.4392.0397.2196.2596.4498.26
OA (%)84.1277.8896.9597.3597.7895.0698.34
AA (%)82.7676.1495.6597.9297.2496.2398.12
Kappa0.82340.76060.95230.96130.96320.95420.9703
The best results for each indicator are highlighted in bold.
Table 2. Comparison of the different methods in terms of class accuracy, OA, AA, and Kappa coefficient for The University of Pavia image.
Table 2. Comparison of the different methods in terms of class accuracy, OA, AA, and Kappa coefficient for The University of Pavia image.
ClassSVMRFDFFNHybridSNA2MFELANetMADANet
Asphalt94.9694.8395.3098.9098.8994.7099.04
Meadows88.1490.2891.4299.2198.7298.8999.32
Gravel24.6288.5496.9697.2796.5797.4298.24
Trees92.6392.8693.8193.6497.3293.07100.00
Metal Sheets91.7491.7998.6399.6099.7198.4399.42
Bare Soil42.6867.3989.2598.8997.5695.5699.55
Bitumen23.1263.5696.5385.3396.7697.6497.56
Bricks77.9181.2791.3598.2194.6693.5199.37
Shadows66.2575.7996.6995.2796.4590.37100.00
OA (%)80.4387.8594.3198.0698.4395.9299.13
AA (%)79.6386.2393.8896.4997.2194.1498.93
Kappa0.78210.86120.94720.96420.96460.94560.9812
The best results for each indicator are highlighted in bold.
Table 3. Comparison of the different methods in terms of class accuracy, OA, AA, and Kappa coefficient for the Salinas image.
Table 3. Comparison of the different methods in terms of class accuracy, OA, AA, and Kappa coefficient for the Salinas image.
ClassSVMRFDFFNHybridSNA2MFELANetMADANet
weeds_198.4797.2498.2399.3099.4698.3299.64
weeds_297.1598.3798.4399.9697.2898.6498.95
Fallow92.3187.3695.3298.1697.9995.0998.90
Fallow-P92.2788.4295.2798.0595.6798.0197.58
Fallow-S96.1197.1396.2398.4298.8598.7399.02
Stubble92.1292.2294.5898.6798.3198.8698.01
Celery89.2889.5396.1798.9695.7697.0499.34
Grapes90.8490.7891.1392.7097.8296.4997.77
Soil77.5662.2697.6598.5397.5693.1198.23
Corn96.4593.6593.6195.4495.2394.2795.91
Lettuce_4wk76.1679.6793.7898.0897.4597.1998.86
Lettuce_5wk87.0292.3491.9899.3398.3498.4299.23
Lettuce_6wk85.1691.3695.1299.0299.2198.58100.00
Lettuce_7wk82.4685.6990.9798.2198.1298.0799.34
Vineyard_U72.3968.2287.7192.2994.5592.4698.49
Vineyard_T89.4388.7691.5980.4393.2390.1198.36
OA (%)87.5390.4595.6997.0598.5696.6799.17
AA (%)88.9291.2396.7297.5298.7297.1299.12
Kappa0.86890.89160.95360.96720.97350.96390.9834
The best results for each indicator are highlighted in bold.
Table 4. Comparison of the different methods in terms of class accuracy, OA, AA, and Kappa coefficient for The WHU-Hi-LongKou dataset.
Table 4. Comparison of the different methods in terms of class accuracy, OA, AA, and Kappa coefficient for The WHU-Hi-LongKou dataset.
ClassSVMRFDFFNHybridSNA2MFELANetMADANet
Corn93.5692.8599.7499.2399.7298.4799.89
Cotton83.2182.9899.0973.6798.5688.4698.72
Sesame81.5281.3089.2556.7292.3481.1398.83
Broad-leaf-S76.3974.2198.0395.6498.8796.3999.56
Narrow-leaf-S63.3360.7575.5756.4998.9785.4899.26
Rice91.2489.7298.1092.5499.3788.5299.13
Water89.7696.6195.8098.9199.5399.7699.64
Roads and houses75.6376.8275.9882.2396.6982.9596.34
Mixed weed76.6372.3271.5692.5194.6781.5394.23
OA (%)91.0588.7297.8096.0898.4695.7799.08
AA (%)88.7986.5692.9284.8597.9689.1998.72
Kappa0.89720.87250.97110.94130.98320.94460.9894
The best results for each indicator are highlighted in bold.
Table 5. Effect of DA unit and MA unit on four HSI datasets.
Table 5. Effect of DA unit and MA unit on four HSI datasets.
DatasetsDA UnitMA UnitOA (%)AA (%)Kappa
Indian Pines 93.5994.370.9312
96.7496.880.9577
95.3395.500.9498
98.3498.120.9703
University of Pavia 95.4595.120.9429
97.4296.530.9587
98.3197.970.9724
99.1398.930.9812
Salinas 95.7296.210.9531
97.7797.840.9706
97.1597.160.9655
99.1799.120.9834
WHU-Hi-LongKou 95.4196.670.9501
98.6498.550.9827
97.4597.320.9745
99.0898.720.9894
✓ indicates that the module is included; the best results for each indicator are highlighted in bold.
Table 6. Test time and parameters of different methods.
Table 6. Test time and parameters of different methods.
MethodTest Time—CPU (s)Test Time—GPU (s)Parameters (M)
SVM1.591.44-
RF0.240.21-
DFFN11.052.340.14
HybridSN150.184.9312.59
A2MFE14.232.780.35
LANet109.234.462.05
MADANet12.022.520.16
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

Cui, B.; Wen, J.; Song, X.; He, J. MADANet: A Lightweight Hyperspectral Image Classification Network with Multiscale Feature Aggregation and a Dual Attention Mechanism. Remote Sens. 2023, 15, 5222. https://doi.org/10.3390/rs15215222

AMA Style

Cui B, Wen J, Song X, He J. MADANet: A Lightweight Hyperspectral Image Classification Network with Multiscale Feature Aggregation and a Dual Attention Mechanism. Remote Sensing. 2023; 15(21):5222. https://doi.org/10.3390/rs15215222

Chicago/Turabian Style

Cui, Binge, Jiaxiang Wen, Xiukai Song, and Jianlong He. 2023. "MADANet: A Lightweight Hyperspectral Image Classification Network with Multiscale Feature Aggregation and a Dual Attention Mechanism" Remote Sensing 15, no. 21: 5222. https://doi.org/10.3390/rs15215222

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