Next Article in Journal
Aerial Hybrid Adjustment of LiDAR Point Clouds, Frame Images, and Linear Pushbroom Images
Previous Article in Journal
Identification and Deformation Characteristics of Active Landslides at Large Hydropower Stations at the Early Impoundment Stage: A Case Study of the Lianghekou Reservoir Area in Sichuan Province, Southwest China
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Technical Note

Auroral Image Classification Based on Second-Order Convolutional Network and Channel Attention Awareness

1
College of Meteorology and Oceanology, National University of Defense Technology, Changsha 410073, China
2
High Impact Weather Key Laboratory of CMA, Changsha 410073, China
3
Teaching and Research Support Center, Army Engineering University of PLA, Nanjing 210014, China
*
Author to whom correspondence should be addressed.
Remote Sens. 2024, 16(17), 3178; https://doi.org/10.3390/rs16173178
Submission received: 18 July 2024 / Revised: 24 August 2024 / Accepted: 25 August 2024 / Published: 28 August 2024

Abstract

:
Accurate classification of ground-based auroral images is essential for studying variations in auroral morphology and uncovering magnetospheric mechanisms. However, distinguishing subtle morphological differences among different categories of auroral images presents a significant challenge. To excavate more discriminative information from ground-based auroral images, a novel method named learning representative channel attention information from second-order statistics (LRCAISS) is proposed. The LRCAISS is highlighted with two innovative techniques: a second-order convolutional network and a novel second-order channel attention block. The LRCAISS extends from Resnet50 architecture by incorporating a second-order convolutional network to capture more detailed statistical representation. Meanwhile, the novel second-order channel attention block effectively recalibrates these features. LACAISS is evaluated on two public ground-based auroral image datasets, and the experimental results demonstrate that LRCAISS achieves competitive performance compared to existing methods.

1. Introduction

Auroras are the most captivating manifestations of solar winds, which arise from the collision of charged particles ejected from the solar and molecules in the Earth’s upper atmosphere [1]. Different shapes or colors of auroras are linked to the physical characteristics of the Earth’s atmosphere, and a variation in auroral morphology indicates the development of an auroral substorm. Akasofu [2] modeled the development of an auroral substorm by different auroral morphology. Sado et al. [3] attempted to predict magnetometer value with the integration of magnetometer data and auroral image. Therefore, classifying auroral images specifically by shape or color helps in discovering physical messages in near-Earth space and understanding the mechanisms of the phenomena caused by disturbances in the magnetosphere [4]. All-sky imagers are the main source of auroral images, and they provide continuous observation of auroras with high resolution, which are conducive to analyzing auroral variation and morphology [5].
Initially, auroral images are manually labeled [6], which is not capable of leveraging an enormous number of auroral images. Traditional auroral image classification methods design features to correspond to different tasks and then feed classifiers with the extracted features [7,8]. Since it is difficult to distinguish complex auroral structures by using only a single feature to represent the image, methods are devised to model the correlation among different features [9,10]. Recently, deep learning networks for automatic feature extraction have rapidly evolved as handcraft feature-based aurora image classification methods relying on expert knowledge. Convolutional neural networks (CNN) are widely used in image classification tasks [11,12,13,14,15,16,17,18,19], and several effective CNN architectures are utilized to classify auroral images [15,16]. In addition, CNNs can be considered feature extractors, and the features generated based on CNNs can be used to train classifiers [17]. Yang et al. [19] integrated multiwavelength information from auroral images to enhance classification performance. A CNN automatically extracts features in the local receptive field and aggregates all channels using the same weights. But the human visual system tends to focus more on essential and differential features. To apply such a mechanism in the computer vision domain, attention methods are introduced into different models.
Channel attention methods calculate attention scores for every channel and then rescale the input features. A large attention score means its corresponding component plays a crucial role in classification, and a small attention score indicates that the information needs to be suppressed. Squeeze-and-excitation networks (SENets) [20] adaptively assign attention scores by simple operations: the SE block first applies global average pooling (GAP) to initialize each attention score, and two multi-layer perceptron (MLP) layers with nonlinear activation functions are followed to learn the interdependency among channels. Finally, attention scores are imposed on each channel to rescale the input features. Subsequently, the convolutional block attention module (CBAM) [21] demonstrates the information loss during global pooling and addresses this issue by adding global max pooling (GMP) information. To better understand this problem, frequency channel attention (FcaNet) views channel compression as a discrete cosine transform (DCT) [22] and points out that all frequency components still contain discriminative information, creating the need for a better way to initialize attention scores. Paralleling this channel attention strategy, the self-attention mechanism also advances image representation. It encodes the internal correlations within an image by assessing the mutual alignment of features via their query, key, and value representations. Transformer was originally proposed for natural language processing (NLP) problems by Vaswani et al. [23], which is based on a pure self-attention mechanism. Hence, the Transformer architecture is adapted for image processing, giving rise to a multitude of Transformer variants tailored for visual tasks [24,25,26,27,28]. While Transformers show superior performance on large datasets, their efficacy on smaller datasets is comparatively limited, as they possess less inductive bias than CNNs [26]. Furthermore, the existing deep learning networks rarely explore feature distribution higher than first-order statistics.
Second-order statistics encapsulate the feature interdependencies, contributing to more discriminative representations than first-order statistics. These statistics, exemplified by covariance matrices, inhabit a curved manifold space as opposed to the flat Euclidean space, which presents challenges in exploring the geometric properties of the covariance matrix space. Aided by two pivotal metrics, the Log-Euclidean (Log-E) metric [29] and Power-Euclidean (Pow-E) metric [30], a multitude of methodologies are introduced to delve into the geometry of second-order statistics space [29,30,31,32,33,34]. Huang et al. [32] built a deep Riemannian network for a symmetric positive definite (SPD) matrix involving the Log-E metric. Li et al. [33] proposed matrix power normalized covariance (MPN-COV) by changing the way to calculate covariance and utilizing the Pow-E metric. Hu et al. [34] exploited the manifold geometry by Log-E metric and adopted Riemannian manifold learning to obtain more compact and separatable CovDs. These methods successfully embed second-order statistics into deep networks, and MPN-COV presents slight differences between Log-E and Pow-E: the Log-E metric measures geodesic distance precisely, and the Pow-E metric measures it in a proximate way. They demonstrate that Pow-E acquires competitive results on large-scale datasets, but the efficiency of the above two metrics on task-specific datasets, like the auroral image dataset, is still unknown. Both second-order statistics and channel attention explore the feature correlation among channels; to learn more representative feature expression, second-order attention methods are proposed [35,36,37,38]. However, a limited number of methods are specifically designed for auroral image classification within this paradigm.
In conclusion, the main challenges in existing auroral image classification methods are summarized as follows: (1) existing CNN-based methods cannot directly exploit second-order statistics; (2) the interdependencies are not considered in feature representations. To address these two problems, a novel method named learning representative channel attention information from second-order statistics (LRCAISS) is proposed. Extensive experiments are conducted on two public auroral image datasets. The main contributions are as follows:
(1)
A second-order convolutional network is built. The second-order statistics are exploited by calculating covariance matrices from CNN-based features. Experimental results demonstrate that the Log-E metric explores the geometry of covariance matrix space better than the Pow-E metric for auroral image classification.
(2)
A novel second-order attention block is designed. LRCAISS learns attention scores from second-order statistics rather than first-order statistics and replaces covariance pooling with a trainable 1D convolutional layer to adaptively inherit more information from second-order statistics.
(3)
Experimental results on two public datasets show the superiority of LRCAISS over existing auroral image classification and attention-based image classification methods.

2. Proposed Method

2.1. Overview of the Proposed Method

This section exhibits the workflow of the proposed LRCAISS. As shown in Figure 1, auroral images are input into the backbone to extract low-level features. And then a second-order convolutional network exploits the second-order statistics from the extracted low-level features, which outputs discriminative tensor features. Finally, two MLP layers are used as classifiers. The second-order convolutional network contains an encoding block, a second-order channel attention (SCA) block, and operations for leveraging the discriminative ability of extracted features. Each part of LRCAISS is detailed below.

2.2. Backbone Network

Resnet-50 is an efficient CNN architecture and is involved in many successful networks [39]. The output feature map dimension from the last convolutional layer of Resnet-50 is 7 × 7 × 2048 , whose channel dimension is much larger than the sample size. Directly using a pretrained CNN by cutting off the fully connected (FC) layers encounters the HDSS challenge, which hinders robust covariance estimation [40,41]. To effectively compute second-order statistics, it is essential that the spatial dimensions of the feature maps exceed the number of channels. The backbone in LRCAISS is modified from Resnet-50, and its detailed parameter settings are provided in Table 1. The changes of backbone network from Resnet-50 include the removal of down sampling in Stage 3 and Stage 4 [42,43], and the addition of an 1 × 1 convolutional layer (Conv 2) to the last convolutional layer of the modified Resnet-50, resulting in the size of the output of the backbone network being w × h × n .

2.3. Second-Order Convolutional Network

The second-order convolutional network is designed to better extract and fully utilize the second-order statistics. Starting with an encoding block, the CovD is calculated to capture high-order information from the CNN-based features. The SCA block is followed to excavate the potential correlations between channels, and assign different weights to rescale feature maps. And then the CovD is calculated with the rescaled feature map, and finally the CovD is flattened to a vector feature. By exploiting the symmetry of CovD, the upper triangular elements of CovD are retained. Then, diagonal and non-diagonal elements are attributed different weights and finally flattened into vector features for FC layers:
V = e 1 , 1 , , e n , n , 2 e 1 , 2 , , 2 e n 1 , n ,
where E = e 1 , 1 , , e n , n , e 1 , 2 , , 2 e n 1 , n is the output of covariance normalization block, and V is the vectorized E with the length of n n + 1 / 2 .

2.3.1. Encoding Block

The CNN-based feature F w × h × n , extracted from the auroral image I via the backbone network, is reshaped into G = g 1 , , g s , where s = w × h and g k is a n -dimensional feature. CovD X encapsulates feature correlation between channels [44,45], which is calculated as:
μ = 1 s k = 1 s g k ,
X = 1 s 1 k = 1 s g k μ g k μ T ,
μ denotes the mean vector of the input feature maps over channel, and they are subtracted to suppress the noise in an auroral image. CovD is a common form of second-order statistics, whose diagonal elements are the variances of each channel, and the off-diagonal components stand for the covariances between channels. If all the channel-wise features are independent, the off-diagonal elements in CovD are zero, and the second-order statistics are equivalent to first-order statistics. The condition s > n is ensured and thus the CovD X is a symmetric positive definite (SPD) matrix which resides on the SPD manifold.

2.3.2. Covariance Normalization

Since CovD X lies on the SPD manifold, covariance normalization should be involved to better exploit the geometry of the covariance matrix space. The Log-E metric and the Pow-E metric are two widely used metrics [33]. For both metrics, singular value decomposition (SVD) is implemented on X :
X = U Λ U T ,
where Λ is a diagonal matrix with all eigenvalues in order, and U is an orthogonal matrix. Occasionally, some eigenvalues are extremely small, which wakens the robustness of extracted features. The gate function is utilized to exclude small eigenvalues:
Λ P = Λ   , Λ ε ε   , Λ < ε ,
where ε is a preset positive constant and Λ P = d i a g λ 1 , , λ n contains the normalized eigenvalues. Following [32], ε is set as 0.0001. And the Log-E metric is defined as:
E L = U log Λ P U T = U d i a g log λ 1 , , log λ n U T ,
where E L denotes the normalized CovD X . Logarithm operation is imposed on eigenvalues and E L is obtained with orthogonal matrix U . Different from Log-E, the Pow-E metric is imposed by covariance matrix power operation:
E P = U Λ P α U T = U d i a g λ 1 α , , λ n α U T ,
where E P represents the CovD normalized by Pow-E metric and α is a positive real number. The Pow-E metric is evaluated with α = 0.5 since in large-scale visual recognition tasks, this setting obtains the best performance [33]. In the rest of the article, for brevity, E is used to denote E L or E P .

2.3.3. SCA Block

Figure 2a depicts the framework of the SE block which is a classic structure, and existing channel attention methods are adapted on this foundation. The SE block contains global pooling and two FC layers with ReLU and Sigmoid activation functions. ReLU and Sigmoid are used to provide non-linearity; furthermore, Sigmoid is inserted at the end of channel attention block to map the attention values between 0 and 1.
Figure 2b details the SCA block, which is computed as:
w = δ s W 2 r e s h a p e δ r W 1 E ,
where w is the output of the SCA block, which represents the attention scores with the size 1 × 1 × n , symbolizes 1D convolution, r e s h a p e represents the flattened operation, δ s and δ r correspond to the Sigmoid and ReLU activation functions, W 1 n / 4 × n and W 2 n × n 2 / 4 encompass the weight sets of the 1D convolutional layer and the FC layer. To derive the channel correlation from E , a previous method like SOCA (the block for extracting second-order statistics in SAN) utilizes global covariance average pooling. The SCA block replaces the global covariance average pooling with a 1D convolutional layer of n / 4 filters of n × 1 kernel, which reduces the feature map dimension to n × n / 4 . The 1D convolution layer performs row-wise convolution on CovD, where the row-wise element in CovD represents the correlation between one channel and all channels. Different from global covariance pooling, which only preserves the average value, the 1D convolution dynamically outputs a better transformation of the CovD. And then the ReLU activation follows the 1D convolutional layer for nonlinearity. Finally, one FC layer is adopted to rescale the feature length to 1 × 1 × n and a Sigmoid is used to turn the attention scores into positive values. The output of the SCA block is a vector feature that signifies the importance of each channel, which is used to rescale the feature maps:
F s c a l e = w F = w 1 f 1 , , w n f n ,
where f denotes one 2D feature map from F with the size of w × h and F s c a l e is the rescaled feature map. F s c a l e is acquired by channel-wise multiplication of attention scores w and the CNN-based feature F .
The training stage of LRCAISS is summarized in Algorithm 1; N is the number of auroral images for training and c is the number of auroral image categories.
Algorithm 1: Training of LRCAISS
Input :   Auroral   images   I i i = 1 N ,   the   corresponding   labels   l i i = 1 N , l i 1 , 2 , , c , the parameters of network W ,   the   learning   rate   γ = 0.0001 , the maximum epoch 100, the number of SCA blocks t
Output :   The   optimized   network   parameters   W
  • For   I t e r 1 100 do
  •   Extract   the   CNN-based   features   { F i } i = 1 N , F i w × h × n
  • Calculate   CovDs   as   { X i } i = 1 N   with   { F i } i = 1 N by Equations (2) and (3).
  • Applying   covariance   normalization   on   { X i } i = 1 N   to   obtain   { E i } i = 1 N  via Equations (6)–(8).
  • For   I t e r 2 t  do
  •        Learning   attention   scores   w i N   with   { E i } i = 1 N by Equation (8).
  •        Rescale   the   CNN-based   features   { F i } i = 1 N   with   w i N by Equation (9).
  • End for
  • Calculate   new   CovDs   { X i } i = 1 N   with   { F s c a l e , i } i = 1 N by Equations (2) and (3).
  • Applying   covariance   normalization   on   { X i } i = 1 N   to   obtain   { E i } i = 1 N via Equations (4)–(6).
  • Preserve   the   upper   triangular   elements   and   flatten   them   with   { E i } i = 1 N   to   acquire   { V i } i = 1 N by Equation (1).
  • After   processing   of   { V i } i = 1 N through two MPL layers, the predicted labels are derived.
  • Update the model parameters W   by   minimizing   the   cross-entropy   loss   between   l i i = 1 N and predicted labels, adjusting for the learning rate γ .
  • End for

3. Datasets and Experimental Settings

To ensure the reproducibility of the experiments, this section provides detailed information on the two auroral image datasets and the experimental settings.

3.1. Dataset Description

Two public auroral image datasets are utilized to evaluate the proposed methods. In this paper, the names of all auroral categories are italicized to make the expression clear. Dataset 1 [15] was collected by the all-sky camera from 2010 to 2019, deployed at Kiruna, Sweden. The latitude and longitude location of the camera is 67.84°N, 20.42°E. This all-sky camera archives images in JPEG with a resolution of 720 × 479 pixels. All images were preprocessed by rotation, filtering, and cropping, resulting in a resolution of 128 × 128 pixels. The images were then manually labeled, and finally, 3864 images were selected from 14,030 images to constitute Dataset 1. Seven categories are involved, including breakup, colored, arcs, discrete, patchy, edge, and faint. The representative samples from each category are displayed in Figure 3, and the sample distribution of different types is listed in Table 2.
Dataset 2 [17] originates from the Time History of Events and Macroscale Interactions during Substorms (THEMIS) all-sky imagers system [46], which contains 5824 images with the resolution of 256 × 256 pixels. Their classification criterion is adapted from [47], which divides the images into four classes: no aurora, arcs, patchy aurora, and omega-band. Novock et al. [17] use similar types, namely diffuse as patchy and discrete as omega-band aurora, and classify no aurora into three subclasses: cloudy, moon, and clear. The examples of each class are exhibited in Figure 4, and the sample distribution is provided in Table 3.
The difference between Dataset 1 and Dataset 2 is that the number of images in each category in Dataset 1 is not evenly distributed, which may cause the model to perform poorly in certain categories. The classification criteria of the two datasets are also not quite the same; Dataset 1 dispatches images without auroras and classifies aurora images into seven categories in a more detailed manner, with some unique categories added, such as taking into account the position of the aurora in the image and the color of the auroras by classifying them into edge and colored. On the other hand, Dataset 2 not only categorizes auroras but also subdivides the non-aurora images into three categories, which helps to determine the presence of auroras. Different categories have corresponding physical meanings, e.g., arcs represents a steady state of auroras [11], which is generated by the acceleration of quasi-static particles [48]. Discrete represents a mixed representation of multiple physical processes that generate auroras, and patchy consists of several pulsating structures [49]. Collisions between different energetic particles produce auroras of different colors, so colored is related to the altitude and excited atmosphere component. The detailed classification criteria of the two datasets are in [15,17].

3.2. Experimental Settings

3.2.1. Implementation Details

Experiments were conducted on a high-performance platform, utilizing an 11th Gen Intel® Core™ i9-11980HK @ 2.60 GHz 3.30 GHz, complemented by an NVIDIA GeForce GTX 3070 Laptop GPU. The computational environment was established using Python 3.7.0 and PyTorch 1.11.0.
To bolster the credibility of experiments and assess the generalization capability of the LRCAISS method, a rigorous approach was employed to dataset partitioning. The datasets were split using four random seeds: 42, 306, 3406, and 114,514, ensuring variability and robustness in results. Specifically, Dataset 1 is apportioned into training and testing sets in a ratio of 3000:846, following the precedent set by [15]. Similarly, Dataset 2 is divided with a ratio of 7:3, aligning with the methodology described in [17].
For the backbone network, the Resnet-50 model pretrained on the Image-1K dataset was utilized, ensuring a strong foundation for feature extraction. Within the network’s architecture, the feature dimension n at the Conv 2 layer was set to 256. The learning process is meticulously tuned with a learning rate of 0.0001, employing the Adam optimizer over 100 training epochs to achieve convergence. The cross-entropy loss function was employed to facilitate the training process, providing a reliable measure of performance and guiding the optimization towards the most discriminative features.

3.2.2. Evaluation Metric

To better understand the experimental results, four evaluation metrics are involved, including accuracy, precision, recall, and F1-score. The true positive (TP) represents the number of samples correctly classified as a specific category, false positive (FP) is the number of samples erroneously predicted as a specific category, true negative (TN) means the number of samples accurately classified for the rest of the categories, and false negative (FN) represents the number of images incorrectly predicted as the remaining categories. Four evaluation metrics are computed as in [50]:
A c c u r a c y = T P + T N T P + T N + F P + F N ,
P r e c i s i o n = T P T P + F P ,
R e c a l l = T P T P + F N ,
F 1 _ s c o r e = 2 P r e c i s i o n × R e c a l l P r e c i s i o n + R e c a l l .

4. Experiments

In this section, extensive experiments are conducted on the two datasets. The experiments are employed to find out the best configuration and then compare LRCAISS with other methods based on attention mechanisms and second-order statistics. The best results are bolded.

4.1. Effectiveness of Different Configurations

Several configurations in LRCAISS, namely, the backbone network settings, the attention blocks, and the metrics, that seem to have an impact on the results, and a series of experiments are employed on two ground-based auroral image datasets to analyze their performance. In this subsection, two datasets are divided into training sets and testing sets by four random seeds 42, 306, 3406, 114,514, to identify better configurations in a more generalized context.
Previous research only provides the difference between the two metrics theoretically but does not analyze them on specific tasks [33]. The performances of two second-order channel attention methods with different metrics are shown in Table 4. Generally, SCA + Log obtains the best results, and the Log-E metric outperforms the Pow-E metric. This demonstrates that the Log-E metric explores the geometric properties of covariance matrix space geometry better in the context of the second-order channel attention mechanism approach, and the Log-E metric is adopted in the subsequent experiments.
The SCA block can be cascaded multiple times to comprehensively capture channel attention information, and the optimal number of SCA blocks for aurora image classification is needed. Figure 5 illustrates how accuracy varies with the number of SCA blocks ranging from one to four. The trend in classification accuracy change is similar across both datasets. Specifically, the accuracy peaks when there are two SCA blocks. However, deviating from this optimal number, either increasing or decreasing the count, leads to diminished classification accuracy. Hence, LRCAISS is designed with two SCA blocks.
To further understand the second-order channel attention mechanism operating in LRCAISS, three classes of auroral images are sampled in Dataset 1, and the distribution of average channel attention activation is shown in Figure 6. And the distribution of average activation over all classes is provided for comparison. Directly drawing the activation of each channel would result in an irregular graph, so shift smoothing is applied to enhance its clarity, and the horizontal coordinate is less than 256, the number of channels. The number below each graph denotes the distribution output by the corresponding SCA block, and larger activation values mean the channel plays a more important role in classification. As for the LRCAISS with four SCA blocks, the activation distributions of each SCA block are provided in the upper part of Figure 6. From the first to the fourth block, the activation values become more class-specific. For LRCAISS with two SCA blocks, a consistent pattern is observed, which is that the variation in attentional values between channels increases progressively from the first to the second block. This suggests that the blocks help the network to better discern differences between classes. Furthermore, according to the results in Figure 5, two blocks achieved the best performance. This may be because two blocks are sufficient to learn the necessary differences, while more blocks led to overfitting and fewer blocks did not capture enough distinctions. This phenomenon also suggests that directly cascading the SCA block may not significantly enhance the network’s representational capacity.
Generally, features extracted from the shallow layer contain basic information like texture and edge, and features from the deep layer concentrate more on the semantic representation, such as the holistic concept [16]. Moreover, to better explore the discriminative ability of features extracted from different layers, the results are obtained by different configurations of the backbone network in Table 5. The application of the backbone network, using the backbone ticked in Stage 1 of Table 5 as an example, consists of Conv 1, Stage 1, and Conv 2. Obviously, the backbone with only Stage 1 achieves the best results on both datasets. The reason behind this is that second-order information may be more abundant in low-level features. Additionally, the classification accuracy on training sets with the four backbone configurations approaches 100%. However, with increasingly complex backbones, accuracy on the testing sets decreases, suggesting that complexity in the backbone architecture leads to overfitting.
Finally, the effectiveness of each component in LRCAISS is evaluated in Table 6. The network with attention or second-order methods acquires higher classification accuracy than the network structure without either technique, which validates the effectiveness of the two mechanisms in auroral image classification. LRCAISS obtains the best results on the two datasets since the CovD captures more representative information from the feature map, and the channel attention mechanism allows the network to focus on vital features.
Following the aforementioned ablation study, the main component of LRCAISS for auroral image classification consists of the first stage of Resnet50, two SCA blocks, and a Log metric. Additionally, the two-layer MLP is configured, with the first layer having a dimension of 256 and the second layer’s dimension corresponding to the number of aurora image categories.

4.2. Main Results

To address the effectiveness of the LRCAISS, a series of auroral image classification methods [16,17], attention methods [20,27], and second-order statistics methods [32,34,35] were evaluated. Novock et al. [17] utilized pretrained inception-v4 to extract features by cutting off the FC layers and training ridge classifier, which is a concise and effective solution to auroral image classification. Zhong et al. [16] utilized a pretrained CNN, which achieves competitive performance. Huang et al. [32] opened the direction of SPD matrix non-linear learning in deep learning models by solving the backpropagation on the Stiefel manifold. SE network [20] is a classic channel attention method, and SOCA [35] mines the channel attention scores from second-order statistics. CrossVIT [27] learns self-attention information, which is an improved version of VIT for more efficient and effective training. Hu et al. [34] proposed a method named learning deep tensor feature representation (LDTFR) on the Riemannian manifold to improve auroral image classification performance on a small sample set.
Table 7 shows the classification accuracy of different methods on the two datasets. Obviously, LRCAISS outperforms the channel attention method and second-order convolutional networks, demonstrating the effectiveness of the integration of the two mechanisms. Moreover, LRCAISS also acquires better results than SOCA block since the proposed method improves the calculation of second-order statistics and utilizes a 1D convolutional layer to substitute the global covariance pooling to inherit more information.
Figure 7a exhibits the confusion matrix of predictions with Dataset 1. Except for discrete and faint, the classification accuracies of the other types are higher than 90%. The reason for the high rate of misclassification of discrete is due to the small number of discrete in Dataset 1, which makes it difficult for the model to capture its characteristic, and any misclassification will lead to a significant decrease in the accuracy of this category. Figure 7b illustrates the confusion matrix of LRCAISS predictions of Dataset 2. Obviously, the proposed method recognizes the image types without auroral well, achieving precise detection of auroras. Misclassification occurs mostly among the three image types containing auroras since the classification criteria are occasionally ambiguous. Examples of misclassification are provided in the following section.
Table 8 shows the detailed performance assessment of Dataset 1. Colored has the lowest precision of 84.85% and F1 score of 87.50%, and the rest of the categories show scores ranging from 89% to 100%. Therefore, LRCAISS achieves near-perfect performance for most classes of auroral images. Discrete appears in various shapes and orientations of auroral arcs [15], which makes the boundary between discrete and other auroral images unclear, resulting in the largest misclassification.
Table 9 provides the results of each class in three evaluation metrics. The category discrete also has the lowest precision of 88.56%, and arcs has the lowest recall of 77.78%. Note that although some categories, like discrete, are presented in both datasets, they are defined slightly differently. Discrete is characterized by distinct auroras and sharp edges, but the auroras are not arc-shaped according to [17]. There are times when the arc is incomplete, or the combination of multiple arcs makes the boundaries of the arcs not obvious, making it difficult to distinguish between discrete and arcs.
Figure 8a is derived from Dataset 1. The difference between discrete and arcs is in whether the auroral arc is complete in an image. Figure 8a shows two discrete shapes connected in the middle of the image, which looks like an auroral arc with bright edges and a dark center, resulting in the misclassification from discrete to arcs. Figure 8b–d are misclassified samples selected from Dataset 2. The bottom of Figure 8b is arc-shaped, and it is incorrectly predicted as arcs. The classification model recognizes a bright and well-defined auroral arc in Figure 8c, but ignoring the boundary is ambiguous, and large patches of auroras are covered. Consequently, it is misclassified from discrete to arcs. Figure 8d depicts multiple auroras in an image, but the shapes are not strictly arced.

5. Discussion

The LRCAISS method is distinguished from existing approaches to auroral image classification in several notable ways. In contrast to methods such as those used by Zhong et al. [10] and Novock et al. [17], which apply deep learning models to the domain of auroral image classification with minimal adaptation, LRCAISS modifies the Resnet50 backbone for more effective feature extraction. By integrating the SCA block to capture channel interdependencies and rescale feature maps, LRCAISS achieves significant accuracy improvements of at least 3.44% and 2.55% on the two datasets, respectively.
While Huang et al. [32] concentrate on the dimension reduction of second-order statistics on the manifold, LRCAISS opts to control the size of second-order statistics by adjusting the dimensions of the final convolutional layer. Furthermore, by incorporating channel attention blocks, LRCAISS enhances the computation of second-order statistics, resulting in accuracy gains of 1.87% and 7.17% on the two datasets.
When compared to existing attention mechanisms, such as channel attention [20] and self-attention methods [27], LRCAISS demonstrates its superiority on auroral imager datasets. For instance, SENet [20] derives attention scores from first-order statistics, namely the mean values of each feature map. In contrast, LRCAISS derives attention values from second-order statistics, considering the variances of each channel and the covariances between channels. This approach allows the SCA block to extract richer discriminative information, leading to higher accuracy improvements of 0.89% and 0.53% on the two datasets. One plausible explanation for this enhancement is that LRCAISS not only replicates SENet’s strategy of capturing channel interdependencies but also expands upon it by calculating second-order statistics, thereby acquiring a more detailed understanding of channel relationships. CrossVIT [27] may necessitate larger datasets to achieve satisfactory results, indicating that LRCAISS could be more efficient in scenarios with limited data availability.
The SOCA [35] method diverges from LRCAISS in two key respects: LRCAISS subtracts the mean vector of features when calculating second-order statistics, boosting feature robustness, which SOCA does not perform subtraction operation. Additionally, the initialization of the channel attention scores differs; while SOCA uses global covariance pooling, LRCAISS employs a learnable 1D convolutional layer to better assimilate information from second-order statistics. This distinction results in LRCAISS achieving higher accuracy increases of 3.66% and 2% on the two datasets.

6. Conclusions

This paper introduces a second-order channel attention network named LRCAISS for auroral image classification. Experimental results on two auroral image datasets demonstrate the generalization ability of the proposed method, underscoring the effectiveness of LRCAISS. It is superior to the traditional channel attention methods based on first-order statistics, showing the advantage of learning attention scores from second-order statistics over first-order counterparts. Moreover, LRCAISS outperforms methods relying solely on second-order convolutional networks, indicating that integrating an attention mechanism improves auroral representation learning. Thus, the dual mechanism approach enhances performance, facilitating more effective auroral analysis. However, the current implementation of LRCAISS runs with a long computation time, which could be a limitation when processing large-scale image datasets. Future research should concentrate on refining the computational efficiency and incorporating the latest deep learning models into LRCAISS for better effectiveness. Additionally, diverse attention mechanisms, such as spatial attention, are proven effective in the domain of image classification. Therefore, exploring their relationships and integrating their strengths holds promise for advancing auroral image processing.

Author Contributions

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

Funding

This research was funded by the National Natural Science Foundation of China under grant no. 61473310, 41174164, 41775027, and 42305159, as well as the Natural Science Foundation of Jiangsu Province BK20231490.

Data Availability Statement

The original contributions presented in the study are included in [11,17], further inquiries can be directed to the corresponding authors.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Syrjaesuo, M.T.; Donovan, E.F.; Cogger, L.L.; Developmentiasted, S.T.F.; Forumwmsf, M.S. Content-based retrieval of auroral images—Thousands of irregular shapes. In Proceedings of the 2004 IASTED International Conference on Visualization Imaging, and Image Processing, Marbella, Spain, 6–8 September 2004. [Google Scholar]
  2. Akasofu, S.-I. The development of the auroral substorm. Planet. Space Sci. 1964, 12, 273–282. [Google Scholar] [CrossRef]
  3. Sado, P.; Clausen, L.B.N.; Miloch, W.J.; Nickisch, H. Transfer learning aurora image classification and magnetic disturbance evaluation. J. Geophys. Res. Space Phys. 2021, 127, e2021JA029683. [Google Scholar] [CrossRef]
  4. Yang, X.; Gao, X.; Tian, Q. Polar embedding for aurora image retrieval. IEEE Trans. Image Process. 2015, 24, 3332–3344. [Google Scholar] [CrossRef]
  5. Yang, Q.; Wang, J.; Su, H.; Xing, Z. Automatic Recognition and Localization of Poleward Moving Auroral Forms (PMAFs) from All-Sky Auroral Videos. Earth Space Sci. 2023, 10, e2023EA002843. [Google Scholar] [CrossRef]
  6. Simmons, D.A.R. A classification of auroral types. J. Br. Astron. Assoc. 1998, 108, 247–257. [Google Scholar]
  7. Rao, J.; Partamies, N.; Amariutei, O.; Syrjasuo, M.; van de Sande, K.E.A. Automatic auroral detection in color all-sky camera images. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2014, 7, 4717–4725. [Google Scholar] [CrossRef]
  8. Syrjsuo, M.T.; Donovan, E.F. Analysis of auroral images: Detection and tracking. Geophysica 2002, 3, 3–14. [Google Scholar]
  9. Zhang, J.; Liu, M.; Lu, K.; Gao, Y. Group-wise learning for aurora image classification with multiple representations. IEEE Trans. Cybern. 2021, 51, 4112–4124. [Google Scholar] [CrossRef]
  10. Zhong, Y.; Huang, R.; Zhao, J.; Zhao, B.; Liu, T. Aurora image classification based on multi-feature Latent Dirichlet Allocation. Remote Sens. 2018, 10, 233. [Google Scholar] [CrossRef]
  11. Yang, Q.; Liu, C.; Liang, J. Unsupervised automatic classification of all-sky auroral images using deep clustering technology. Earth Sci. Inform. 2021, 14, 1327–1337. [Google Scholar] [CrossRef]
  12. Yang, Q.; Wang, Y.; Ren, J. Auroral image classification with very limited labeled data using few-shot learning. IEEE Geosci. Remote. Sens. Lett. 2022, 19, 6506805. [Google Scholar] [CrossRef]
  13. Guo, Z.; Yang, J.; Dumlop, M.W.; Cao, J.; Ma, Y.; Ji, K.; Xiong, C.; Li, J.; Ding, W. Automatic classification of mesoscale auroral forms using convolutional neural networks. J. Atmos. Sol. Terr. Phys. 2023, 1, 71–90. [Google Scholar] [CrossRef]
  14. Sado, P.; Clausen, L.B.N.; Miloch, W.J.; Nickisch, H. Substorm Onset Prediction Using Machine Learning Classified Auroral Images. Space Weather 2023, 21, e2022SW003300. [Google Scholar] [CrossRef]
  15. Kvammen, A.; Wickstrøm, K.; Mckay, D.; Partamies, N. Auroral image classification with deep neural networks. J. Geophys. Res. Space Phys. 2020, 125, e2020JA027808. [Google Scholar] [CrossRef]
  16. Zhong, Y.; Ye, R.; Liu, T.; Hu, Z.; Zhang, L. Automatic aurora image classification framework based on deep learning for occurrence distribution analysis: A case study of all-sky image data sets from the yellow river station. J. Geophys. Res. Space Phys. 2020, 125, e2019JA027590. [Google Scholar] [CrossRef]
  17. Clausen, L.B.N.; Nickisch, H. Automatic classification of auroral images from the Oslo Auroral Themis (OATH) data set using machine learning. J. Geophys. Res. Space Phys. 2018, 123, 5640–5647. [Google Scholar] [CrossRef]
  18. Uchino, A.; Matsumoto, M. Extension of image data using generative adversarial networks and application to identification of aurora. IEEE Geosci. Remote Sens. Lett. 2021, 18, 1941–1945. [Google Scholar] [CrossRef]
  19. Yang, Q.; Su, H.; Liu, L.; Wang, Y.; Hu, Z.-J. Multiview Learning for Automatic Classification of Multiwavelength Auroral Images. IEEE Trans. Geosci. Remote Sens. 2024, 62, 5405315. [Google Scholar] [CrossRef]
  20. Hu, J.; Shen, L.; Sun, G. Squeeze-and-excitation networks. In Proceedings of the 2018 IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 7132–7141. [Google Scholar]
  21. Woo, S.; Park, J.; Lee, J.Y.; Kweon, I.S. CBAM: Convolutional block attention module. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 3–19. [Google Scholar]
  22. Qin, Z.; Zhang, P.; Wu, F.; Li, X. FcaNet: Frequency channel attention networks. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, QC, Canada, 10–17 October 2021; pp. 783–792. [Google Scholar]
  23. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. In Proceedings of the Advances in Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017; pp. 5998–6008. [Google Scholar]
  24. Zhu, X.; Su, W.; Lu, L.; Li, B.; Wang, X.; Dai, J. Deformable detr: Deformable transformers for end-to-end object detection. arXiv 2020, arXiv:2010.04159. [Google Scholar]
  25. Zheng, S.; Lu, J.; Zhao, H.; Zhu, X.; Luo, Z.; Wang, Y. Rethinking semantic segmentation from a sequence-to-sequence perspective with transformers. In Proceedings of the 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 6881–6890. [Google Scholar]
  26. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.; Unterthiner, T.; Dehghani, M.; Minderer, M.; Heigold, G.; Gelly, S. An image is worth 16x16 words: Transformers for image recognition at scale. arXiv 2020, arXiv:2010.11929. [Google Scholar]
  27. Chen, C.; Fan, Q.; Panda, R. CrossViT: Cross-Attention Multi-Scale Vision Transformer for Image Classification. In Proceedings of the 2021 IEEE/CVF International Conference on Computer Vision (ICCV), Montreal, QC, Canada, 10–17 October 2021; pp. 357–366. [Google Scholar]
  28. Liu, Z.; Lin, Y.; Cao, Y.; Hu, H.; Wei, Y.; Zhang, Z.; Lin, S.; Guo, B. Swin transformer: Hierarchical vision transformer using shifted windows. In Proceedings of the 2021 IEEE/CVF International Conference on Computer Vision, Montreal, QC, Canada, 10–17 October 2021; pp. 10012–10022. [Google Scholar]
  29. Arsigny, V.; Fillard, P.; Pennec, X.; Ayache, N. Geometric means in a novel vector space structure on symmetric positive-definite matrices. SIAM J. Matrix Anal. Appl. 2007, 29, 328–347. [Google Scholar] [CrossRef]
  30. Dryden, I.L.; Koloydenko, A.; Zhou, D. Non-Euclidean statistics for covariance matrices, with applications to diffusion tensor imaging. Ann. Appl. Stat. 2009, 3, 1102–1123. [Google Scholar] [CrossRef]
  31. Ionescu, C.; Vantzos, O.; Sminchisescu, C. Matrix back-propagation for deep networks with structured layers. In Proceedings of 2015 IEEE/CVF International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 2965–2973. [Google Scholar]
  32. Huang, Z.; Van Gool, L. A Riemannian network for spd matrix learning. In Proceedings of the AAAI Conference on Artificial Intelligence, San Francisco, CA, USA, 4–9 February 2017. [Google Scholar]
  33. Li, P.; Xie, J.; Wang, Q.; Zuo, W. Is second-order information helpful for large-scale visual recognition? In Proceedings of the 2017 IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2070–2078. [Google Scholar]
  34. Hu, Y.; Zhou, Z.; Yang, P.; Zhao, X.; Zhang, P. Classification of ground-based auroral images by learning deep tensor feature representation on Riemannian manifold. J. Geophys. Res. Mach. Learn. Comput. 2024, 1, e2023JH000109. [Google Scholar] [CrossRef]
  35. Dai, T.; Cai, J.; Zhang, Y.; Xia, S.T.; Zhang, L. Second-order attention network for single image super-resolution. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 11065–11074. [Google Scholar]
  36. Sun, Q.; Zhang, Z.; Li, P. Second-order encoding networks for semantic segmentation. Neurocomputing 2021, 445, 50–60. [Google Scholar] [CrossRef]
  37. Wang, J.; Li, H.; Dong, C.; Wang, J.; Zheng, B.; Xing, T. An underwater side-scan sonar transfer recognition method based on crossed point-to-point second-order self-attention mechanism. Remote Sens. 2023, 15, 4517. [Google Scholar] [CrossRef]
  38. Li, F.; Zhang, C.; Zhang, X.; Li, Y. MF-DCMANet: A Multi-Feature Dual-Stage Cross Manifold Attention Network for PolSAR Target Recognition. Remote Sens. 2023, 15, 2292. [Google Scholar] [CrossRef]
  39. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  40. Ledoit, O.; Wolf, M. A well-conditioned estimator for large-dimensional covariance matrices. J. Multivar. Anal. 2004, 88, 365–411. [Google Scholar] [CrossRef]
  41. Wang, Q.; Li, P.; Zuo, W.; Zhang, L. RAID-G: Robust estimation of approximate infinite dimensional gaussian with application to material recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 4433–4441. [Google Scholar]
  42. Zhang, H.; Dana, K.; Shi, J.; Zhang, Z.; Wang, X.; Tyagi, A.; Agrawal, A. Context encoding for semantic segmentation. In Proceedings of the 2018 IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 7151–7160. [Google Scholar]
  43. Zhao, H.; Shi, J.; Qi, X.; Wang, X.; Jia, J. Pyramid scene parsing network. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 6230–6239. [Google Scholar]
  44. Luo, Q.; Meng, Y.; Liu, L.; Zhao, X.; Zhou, Z. Cloud classification of ground-based infrared images combining manifold and texture features. Atmos. Meas. Tech. 2018, 11, 5351–5361. [Google Scholar] [CrossRef]
  45. Tang, Y.; Yang, P.; Zhou, Z.; Pan, D.; Chen, J.; Zhao, X. Improving cloud type classification of ground-based images using region covariance descriptors. Atmos. Meas. Tech. 2021, 14, 737–747. [Google Scholar] [CrossRef]
  46. Donovan, E.; Mende, S.; Jackel, B.; Frey, H.; Syrjäsuo, M.; Voronkov, I.; Trondsen, T.; Peticolas, L.; Angelopoulos, V.; Harris, S.; et al. The THEMIS all-sky imaging array—System design and initial results from the prototype imager. J. Atmos. Sol. Terr. Phys. 2006, 68, 1472–1487. [Google Scholar] [CrossRef]
  47. Syrjäsuo, M.; Donovan, E. Diurnal auroral occurrence statistics obtained via machine vision. Ann. Geophys. 2004, 22, 1103–1113. [Google Scholar] [CrossRef]
  48. Lysak, R.; Echim, M.; Karlsson, T.; Marghitu, O.; Rankin, R.; Song, Y.; Watanabe, T.-H. Quiet, discrete auroral arcs: Accelerations mechanisms. Space Sci. Rev. 2020, 216, 92. [Google Scholar] [CrossRef]
  49. Nishimura, Y.; Lessard, M.; Katoh, Y.; Miyoshi, Y.; Grono, E.; Partamies, N.; Sivadas, N.; Hosokawa, K.; Fukizawa, M.; Samara, M.; et al. Diffuse and pulsating aurora. Space Sci. Rev. 2020, 216, 4. [Google Scholar] [CrossRef]
  50. Zhang, J.; Liu, P.; Zhang, F.; Song, Q. Cloudnet: Ground-based cloud classification with deep convolutional neural network. Geophys. Res. Lett. 2018, 45, 8665–8672. [Google Scholar] [CrossRef]
Figure 1. The workflow of the proposed LRCAISS.
Figure 1. The workflow of the proposed LRCAISS.
Remotesensing 16 03178 g001
Figure 2. The structure of the SE block (a) and SCA block (b).
Figure 2. The structure of the SE block (a) and SCA block (b).
Remotesensing 16 03178 g002
Figure 3. Examples of each class from Dataset 1.
Figure 3. Examples of each class from Dataset 1.
Remotesensing 16 03178 g003
Figure 4. Examples of each class from Dataset 2.
Figure 4. Examples of each class from Dataset 2.
Remotesensing 16 03178 g004
Figure 5. The classification results with different numbers of SCA blocks.
Figure 5. The classification results with different numbers of SCA blocks.
Remotesensing 16 03178 g005
Figure 6. Activations induced by different SCA blocks. The 4 SCA blocks and 2 SCA blocks on the top of each box indicate from which implementation the activation is derived, and the number below each figure indicates the originating block for the activation.
Figure 6. Activations induced by different SCA blocks. The 4 SCA blocks and 2 SCA blocks on the top of each box indicate from which implementation the activation is derived, and the number below each figure indicates the originating block for the activation.
Remotesensing 16 03178 g006
Figure 7. The confusion matrices of the prediction by LRCAISS on Dataset 1 (a) and Dataset 2 (b).
Figure 7. The confusion matrices of the prediction by LRCAISS on Dataset 1 (a) and Dataset 2 (b).
Remotesensing 16 03178 g007
Figure 8. The misclassification samples from two datasets. Two annotations are attached to each image, with the true label and predicted label marked in yellow and red, respectively. Both (a) and (b) are incorrectly labeled as arcs by discrete, while (c) is misclassified as diffuse instead of arcs, and (d) is mistaken as discrete rather than arcs.
Figure 8. The misclassification samples from two datasets. Two annotations are attached to each image, with the true label and predicted label marked in yellow and red, respectively. Both (a) and (b) are incorrectly labeled as arcs by discrete, while (c) is misclassified as diffuse instead of arcs, and (d) is mistaken as discrete rather than arcs.
Remotesensing 16 03178 g008
Table 1. The backbone network settings.
Table 1. The backbone network settings.
Layer NameOutput SizeModified Resnet-50
Conv 1(112, 112, 64) 7 × 7 , 64, Stride = 2
Stage 1(56, 56, 256) 1 × 1 , 64 3 × 3 , 64 1 × 1 , 256 × 3 , Stride = 2
Stage 2(28, 28, 512) 1 × 1 , 128 3 × 3 , 128 1 × 1 , 512 × 4 , Stride = 2
Stage 3(28, 28, 1024) 1 × 1 , 256 3 × 3 , 256 1 × 1 , 1024 × 6 , Stride = 1
Stage 4(28, 28, 2048) 1 × 1 , 512 3 × 3 , 512 1 × 1 , 2048 × 3 , Stride = 1
Conv 2 (28, 28, n ) 1 × 1 , 256 , Stride = 1
Table 2. Number of images in different categories.
Table 2. Number of images in different categories.
NoClassNumber
1Arcs831
2Discrete194
3Colored133
4Edge217
5Breakup146
6Faint175
7Patchy2150
Table 3. The number of sample distributions of Dataset 2.
Table 3. The number of sample distributions of Dataset 2.
NoClassNumber
1Arcs774
2Discrete1400
3Diffuse1102
4Cloudy852
5Moon614
6Clear1082
Table 4. The overall accuracy of different metrics (in %, mean ± standard deviation).
Table 4. The overall accuracy of different metrics (in %, mean ± standard deviation).
DatasetsMethodsAccuracy
Dataset 1SOCA + Log94.60 ± 0.42
SOCA + Pow94.39 ± 0.81
SCA + Log98.05 ± 0.18
SCA + Pow97.14 ± 0.32
Dataset 2SOCA + Log92.92 ± 0.40
SOCA + Pow92.11 ± 0.83
SCA + Log94.11 ± 0.72
SCA + Pow92.99 ± 0.50
Table 5. The classification accuracy of different backbone network settings (in %, mean ± standard deviation).
Table 5. The classification accuracy of different backbone network settings (in %, mean ± standard deviation).
DatasetsStage 1Stage 2Stage 3Stage 4Accuracy
Dataset 1 98.05 ± 0.18
98.01 ± 0.05
97.79 ± 0.29
97.52 ± 0.22
Dataset 2 94.11 ± 0.75
93.29 ± 0.24
93.95 ± 0.53
93.50 ± 0.37
Table 6. The effectiveness of different components in LRCAISS (in %, mean ± standard deviation).
Table 6. The effectiveness of different components in LRCAISS (in %, mean ± standard deviation).
DatasetsComponent
AttentionSecond-OrderAccuracy
Dataset 1 94.54 ± 0.48
93.08 ± 0.64
96.81 ± 0.34
98.05 ± 0.18
Dataset 2 91.46 ± 0.66
88.32 ± 0.74
93.32 ± 1.06
94.11 ± 0.72
Table 7. The accuracy of different methods on two datasets (in %, mean ± standard deviation).
Table 7. The accuracy of different methods on two datasets (in %, mean ± standard deviation).
DatasetsMethodsAccuracy
Dataset 1Novock et al. [17]86.02 ± 1.07
Zhong et al. [10]94.61 ± 0.30
Huang et al. [32]96.18 ± 0.78
SENet [20]97.14 ± 0.09
SOCA [35]94.39 ± 0.81
CrossVIT [27]93.02 ± 0.86
LDTFR [34]96.98 ± 0.24
LRCAISS98.05 ± 0.18
Dataset 2Novock et al. [17]83.18 ± 1.19
Zhong et al. [10]91.46 ± 0.66
Huang et al. [32]86.94 ± 0.27
SENet [20]93.58 ± 0.34
SOCA [35]92.11 ± 0.83
CrossVIT [27]80.56 ± 1.57
LDTFR [34]91.71 ± 0.47
LRCAISS94.11 ± 0.72
Table 8. Performance evaluation (%) of each category in Dataset 1.
Table 8. Performance evaluation (%) of each category in Dataset 1.
CategoriesMetrics
PrecisionRecallF1 Score
Arcs98.1199.3698.73
Breakup96.7793.7595.24
Colored84.8590.3287.50
Discrete93.9486.1189.86
Edge95.9294.0094.95
Faint96.5587.5091.80
Patchy99.2210099.61
Table 9. Performance evaluation (%) of each category in Dataset 2.
Table 9. Performance evaluation (%) of each category in Dataset 2.
CategoriesMetrics
PrecisionRecallF1 Score
Arcs93.5877.7884.95
Diffuse90.7795.0292.85
Discrete88.5694.1691.27
Cloudy99.9410099.82
Moon10098.9599.47
Clear97.5296.9197.21
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

Hu, Y.; Zhou, Z.; Yang, P.; Zhao, X.; Li, Q.; Zhang, P. Auroral Image Classification Based on Second-Order Convolutional Network and Channel Attention Awareness. Remote Sens. 2024, 16, 3178. https://doi.org/10.3390/rs16173178

AMA Style

Hu Y, Zhou Z, Yang P, Zhao X, Li Q, Zhang P. Auroral Image Classification Based on Second-Order Convolutional Network and Channel Attention Awareness. Remote Sensing. 2024; 16(17):3178. https://doi.org/10.3390/rs16173178

Chicago/Turabian Style

Hu, Yangfan, Zeming Zhou, Pinglv Yang, Xiaofeng Zhao, Qian Li, and Peng Zhang. 2024. "Auroral Image Classification Based on Second-Order Convolutional Network and Channel Attention Awareness" Remote Sensing 16, no. 17: 3178. https://doi.org/10.3390/rs16173178

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Article metric data becomes available approximately 24 hours after publication online.
Back to TopTop