Next Article in Journal
Enhanced Multiple Speakers’ Separation and Identification for VOIP Applications Using Deep Learning
Next Article in Special Issue
An Optical Remote Sensing Image Matching Method Based on the Simple and Stable Feature Database
Previous Article in Journal
Special Issue on Human–Computer Interactions 2.0
Previous Article in Special Issue
Real-Time Moving Ship Detection from Low-Resolution Large-Scale Remote Sensing Image Sequence
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Anomaly Detection of Control Moment Gyroscope Based on Working Condition Classification and Transfer Learning

1
Beijing Aerospace Control Center, Beijing 100094, China
2
School of Mechatronical Engineering, Beijing Institute of Technology, Beijing 100081, China
*
Author to whom correspondence should be addressed.
Appl. Sci. 2023, 13(7), 4259; https://doi.org/10.3390/app13074259
Submission received: 11 October 2022 / Revised: 14 March 2023 / Accepted: 21 March 2023 / Published: 27 March 2023
(This article belongs to the Collection Space Applications)

Abstract

:
The process of human exploration of the universe has accelerated, and aerospace technology has developed rapidly. The health management and prognosis guarantee of spacecraft systems has become an important basic technology. However, with thousands of telemetry data channels and massive data scales, spacecraft systems are increasingly complex. The anomaly detection that relied on simple threshold judgment and expert manual annotation in the past is no longer applicable. In addition, the particularity of the anomaly detection task leads to the lack of fault data for training. Therefore, a data-driven deep transfer learning-based approach is needed for rapid analysis and accurate detection of large-scale data. The control moment gyroscope (CMG) is a significant inertial actuator in the process of large-scale, long-life spacecraft in-orbit operation and mission execution. Its anomaly detection plays a major role in the prevention and elimination of early failures. Based on the research of SincNet and Long Short-Term Memory (LSTM) networks, this paper proposed a Sinc-LSTM neural network based on transfer learning and working condition classification for CMG anomaly detection. First, a two-stage pre-training method is proposed to alleviate the data imbalance, using the Mars Reconnaissance Orbiter (MRO) dataset and a satellite dataset from NASA. Second, the Sinc-LSTM network is designed to enhance the local fitting and long-period memory ability of the model for CMG time series data. Finally, a dynamic threshold judgment anomaly detection method based on working condition classification is designed to accommodate threshold changes for CMG full-cycle anomaly detection. The method is validated on the spacecraft CMG dataset.

1. Introduction

NASA proposed the Integrated Vehicle Health Management Technology (IVHM) in 1992 to enhance spacecraft systems’ operation, maintenance, and decision-making activities. With the passage of time, this concept underwent numerous iterations, and in 2020, it evolved into Intelligent Health and Task Management (IHMM), which is the latest technology available today [1]. According to the International Aviation Association (IATA) 2018 report, the aerospace industry invested a whopping $76 billion in vehicle overhauls in 2017 [2]. This highlights the growing significance of fault prognosis and health management technology, which has become a crucial aspect of several industrial sectors, including aerospace. As modern industries continue to evolve and develop, comprehensive health management and diagnosis have become integral to maintaining the system’s operational life cycle. The field of prognostic health management is increasingly turning towards deep learning, which is gaining more attention due to its remarkable classification and feature extraction capabilities [3].
The control Moment Gyroscope (CMG) is a vital component of large-scale and long-life spacecraft attitude adjustment systems. It comprises a high-speed rotor system and a servo frame system, which use angular momentum exchange with the spacecraft to execute attitude adjustments. To ensure the smooth operation of CMG, several key operating data, such as rotor motor current, rotor speed, frame servo motor current, frame angle, frame command, and shaft temperature, must be meticulously monitored and controlled. Additionally, the spacecraft attitude and motion data can be used as a reference to assist in determining whether the system is functioning normally. The stable and consistent operation of CMG is critical to the successful completion of the spacecraft’s mission. Early troubleshooting is essential, and anomaly detection plays a crucial role in identifying and resolving potential issues in a timely and efficient manner [3,4,5].
Health management refers to diagnosing and preventing system failure while predicting the reliability and remaining useful life of its components. In the past few decades, systematic health management research has been a popular direction. Much of the initial research focused on addressing the different failures that occur at the component level and at the system level. The attention of researchers since then has focused on the integration of anomaly, diagnostics, and prediction techniques across systems and related platforms. Fault diagnosis and health management technology has been developed in three directions over the years, namely model-based [6], knowledge [7], and data-driven methods [8,9,10,11]. Compared with methods such as model-based methods or knowledge-based expert systems, data-driven methods do not require the establishment of accurate models, and there is no bottleneck in knowledge acquisition. A data-driven approach is a new paradigm of bottom-up solutions [3]. It can save a lot of manpower and material resources related to knowledge acquisition or accurate model establishment.
Therefore, fault prognosis and health management based on deep learning have entered people’s field of vision. Deep learning is a field in machine learning, which uses deep artificial neural networks to learn the inherent laws and representation levels of data, and build models for feature extraction and task execution. Anomaly detection based on deep learning can more efficiently and accurately extract anomaly information and prevent early failures from the current large-scale spacecraft telemetry data [12]. The deep learning methods suitable for spacecraft telemetry time series data mainly include Recurrent Neural Network (RNN), Long Short-Term Memory (LSTM), Gated Recurrent Unit (GRU), and so on [13]. Among them, LSTM has the ability to maintain long-term information memory, which has huge advantages in the fields of Natural Language Processing (NLP), speech recognition, and time series prediction [14]. In addition, in the work of speech recognition, SincNet has also achieved great success due to its special filter structure and interpretability. This is a great inspiration for working with time series data [15].
Since the working states of various systems and machines are stable most of the time, the scarcity of labeled data has become one of the data problems in the field of fault detection and anomaly detection. The absence of large labeled datasets has led researchers to turn their attention to Transfer Learning (TL) [16,17]. Transfer learning transfers knowledge in related but different domains to improve the learning machine’s ability to complete related tasks in the target domain [18]. According to the feature space and label space of the target and source domains in transfer learning, transfer learning can be divided into homogeneous transfer learning and heterogeneous transfer learning. If the feature space of the target and source domains is X S = X T and the label space Y S = Y T ; this situation is called isomorphic transfer learning. If X S X T or Y S Y T , then this situation is called heterogeneous transfer learning. According to the knowledge transfer strategy, transfer learning can also be divided into four transfer methods: instance-based, feature-based, parameter-based, and model-based [19].
Transfer learning not only solves the problem of less labeled data in the field of fault and anomaly detection but also can greatly shorten the model convergence time through pre-training and other means. One of the main characteristics of fault diagnosis tasks is the imbalance of fault data. Models trained on smaller datasets generally generalize poorly and are prone to overfitting, so pre-training on larger datasets is needed for knowledge transfer. Whether in the military field or in the civilian field, it is of great significance to quickly adapt to new problems that arise.
Operating a spacecraft is a complex, multi-stage process that spans a long cycle. It involves ground launch, acceleration and escape, deceleration and berthing into orbit, attitude adjustment, and more. Despite the lack of an atmospheric environment, space poses extreme temperatures and exposure to cosmic rays, both of which can impact the spacecraft’s components and performance over time. To ensure the spacecraft’s reliable operation, it is crucial to study the conditions that lead to anomalies. These conditions include the spacecraft’s environmental state (e.g., temperature, radiation) and mission state (e.g., acceleration, deceleration, attitude adjustment). By classifying and studying different working conditions, we can more precisely monitor the spacecraft’s health status and prevent or eliminate faults. Furthermore, by modeling the spacecraft’s operation data under different working conditions, we can improve the accuracy and recall rate of anomaly detection while minimizing false positives and missed detections.
Based on the reference of the above fields for spacecraft anomaly detection methods, this paper proposes a Sinc-LSTM neural network for spacecraft actuator anomaly detection based on transfer learning and working condition classification. We selected the important inertial actuator CMG of the spacecraft as the research object. In the field of spacecraft anomaly detection, labeled data is generally insufficient to support model establishment, so a transfer learning method is introduced to introduce anomaly knowledge of different spacecraft into model tasks. The main contributions of this paper are as follows:
(1)
The anomaly detection of CMG data is carried out using the transfer learning method, and a two-stage pre-training is designed. The features of general time series data and the features of the same type of spacecraft are extracted respectively to solve the problems of less CMG public data, difficult modeling, and less labeled data.
(2)
A Sinc-LSTM network is designed for fitting and reconstructing time series data in anomaly detection. Since filters can add interpretability to neural networks and improve their ability to fit time series data. LSTM, which can retain long-term information, is crucial for accurately fitting and reconstructing long-period data. The proposed network aims to achieve better performance in time series data fitting and reconstruction for anomaly detection.
(3)
The data classification is completed with automatic clustering, and a dynamic threshold judgment mechanism is set up, which adds environmental awareness to the anomaly detection model, which can improve the accuracy of network detection and reduce misjudgments.

2. Background and Related Works

The stability of spacecraft in orbit is an important guarantee for the completion of space missions. In order to avoid the extreme impact and huge cost after failure, the technology of Prognostics and Health Management (PHM) of spacecraft has been proposed to deal with it. PHM predicts the future product reliability by evaluating the deviation or degradation degree of the product from the expected normal operating state, and measures, records, and monitors the deviation and degradation degree of the normal operating state in real time [20]. CMG is an inertial actuator to help spacecraft complete attitude adjustment, and is the “fulcrum” generated by a spacecraft in the weightless environment in space [21]. Anomaly detection of CMG is a key part of the health management of the whole spacecraft system.
The performance of spacecraft anomaly detection is often affected by working conditions, and the setting of anomaly detection model parameters will be quite different under different working conditions. In addition, for data-driven anomaly detection methods, the detection model learned under one working condition usually cannot be well generalized to another [22]. Therefore, it is very necessary to propose targeted anomaly detection strategies for spacecraft under different working conditions. In addition, due to the special nature of spacecraft data, very little data is available on CMG. The particularity of anomaly detection data also determines that it is difficult to obtain the annotated data. Therefore, it is better to obtain partial prior knowledge using transfer learning.
Based on the above analysis, we designed the anomaly detection process shown in Figure 1. The Sinc-LSTM time series reconstruction network is designed by combining SincNet with LSTM. Before Sinc-LSTM is trained by CMG data, it is pre-trained in two stages by two open access datasets ( S 1 and S 2 , which will be introduced in the Section 3). Before CMG data ( S 3 ) is input into the network, the peak density clustering method is used to segment the working conditions. The reconstructed time series data ( S 3 R ) is obtained after the network is trained by CMG data from each working condition. Subtracting S 3 R from the original data yields a sequence of differences. The result of anomaly detection can be obtained by threshold judgment on the difference sequence after Gaussian smoothing. In this section, the related work is briefly introduced to analyze the advantages of the proposed method.

2.1. Working Conditions Classification

In the mission cycle of a spacecraft, there are many different working stages. In space, different environments can also cause different disturbances to a spacecraft. The influence of the space environment mainly comes from the electromagnetic environment, atmospheric environment, space debris, and the influence of the position of other celestial bodies [23].
The electromagnetic environment of space will interfere with the electromagnetic system of a spacecraft. After the interaction between plasma and surface materials, the spacecraft will be charged, and the accumulated strong electric field will break down the electronic components inside the spacecraft. The solar radiation pressure will generate mechanical forces, which will seriously affect the attitude stability of the spacecraft [24]. Space atmosphere has different effects on a spacecraft in different layers. The drag force of the upper atmosphere is the main orbital perturbation force of a low orbit spacecraft [25]. When the shape of the spacecraft is asymmetric in the relative direction of motion, the drag force of the upper atmosphere will generate torque and affect the attitude control of the spacecraft. The atomic oxygen produced by the interaction between solar ultraviolet and oxygen molecules also has a serious denudation and aging effect on the structure of low-orbit spacecraft. Space debris of different scales and velocities can cause erosion or structural damage to a spacecraft. The position of the relative celestial body mainly affects the celestial body sensor used for attitude determination on the spacecraft.
The operation of a spacecraft is a long cycle process, divided into different stages, and will face a different mission environment and mission intensity. The working condition of the spacecraft is defined as the set of the environment state (temperature, electromagnetic radiation intensity), mission state (acceleration, deceleration, attitude adjustment), and life cycle (service time) of the spacecraft, covering all the factors that may affect the threshold of spacecraft anomaly detection. The performance of spacecraft anomaly detection can be improved by classifying the working conditions of the spacecraft. Targeted fault detection under different working conditions has shown advantages in multiple tasks [22,26,27,28]. Reference work [22] points out that the residual life estimation model of bearings trained under a single working condition cannot be well generalized to bearings under other working conditions. Therefore, a transfer learning method based on a multi-layer perceptron is proposed, which can adaptively complete the detection of bearing fault occurrence time under different working conditions.

2.2. PHM of CMG

As mentioned in the first part, CMG is the inertial actuator of the spacecraft, and the spacecraft performs attitude adjustment based on CMG through angular momentum transfer. The fault prediction and health management technology of CMG is the key to the stable operation of spacecraft in orbit. Two of the four CMGs used by the International Space Station failed unexpectedly after 1.3 and six years of service, respectively, and both crews had to return to Earth for investigation [29]. The PHM problem of CMG mainly focuses on anomaly detection and fault isolation. Data to watch include speed, shaft temperature, current, frame angle, and commands.
The anomaly detection methods of CMG have evolved from the early expert manual-based methods to data-driven based methods. Reference work [30] proposed an adaptive threshold fault detection, identification, and isolation algorithm, which combined lossless Kalman filter with residual and innovation sequence, and used binary grid search method to detect the fault and then adapted to jointly estimate the covariance matrix of a Kalman filter. In reference work [5], a chaotic integration method of an online cyclic extreme learning machine is proposed to predict and reconstruct the temperature signal of a controlling torque gyroscope. The model can predict temperature dynamically and overcome the nonlinear and chaotic characteristics of the CMG temperature signal. Reference work [4,31] proposes a data-driven method that integrates the symmetry and orientation attributes of satellite attitude rate data into the neural network model, greatly reducing the need for historical data. In reference work [32], physical information is integrated into neural networks, and a neural network inspired by the physical mechanism of CMG is designed, which integrates various types of data to detect anomalies in CMG, and fine-adjusts by adopting transfer learning. This method integrates prior knowledge into neural networks and explores the fusion of data-driven and physical model methods for anomaly detection.
In reference work [9], the wavelet denoising method and Short-Time Fourier Transform (STFT) are utilized to preprocess the signal of CMG to obtain the frequency spectrum of each failure mode. Then, a Slice Residual Attention Network (SRAN) based on the ResNeXt model, attention mechanism, and random slice idea is proposed, which can fully capture the edge features of images while satisfying the learning efficiency. Reference work [10] converts seven types of fault signals into spectrum datasets through STFT, and a new CNN network scheme called AECB-CNN is proposed based on Attention-Enhanced Convolutional Blocks (AECB), which can achieve high training accuracy for the CMG fault diagnosis datasets under different sliding window parameters. In reference work [11], a disturbance observer based on a neural network is developed for active anti-disturbance so as to improve the accuracy of fault diagnosis. The periodic disturbance in an orbit can be decoupled with fault by resorting to the fitting and memory ability of the neural network. However, existing deep learning methods do not pay sufficient attention to the unbalanced nature of the CMG anomaly data.

2.3. Time Series Deep Learning Anomaly Detection

The key problem of spacecraft health management and fault prediction is anomaly detection for time series data. Since the beginning of aerospace development in various countries, NASA, ESA, and China have collected a large number of spacecraft failure data in different fields, including remote sensing satellites, communications satellites, navigation satellites, deep space exploration missions, and manned space missions [33]. Spacecraft failure data is essentially a time series of multiple channels. It is helpful to improve the quality and reliability of a spacecraft by analyzing and modeling the historical time series data of spacecraft. The key role of time series analysis is to detect early anomalies in order to avoid major failures that lead to the loss of mission capability.
Expert system and nearest neighbor method were used for anomaly detection in early spacecraft. NASA uses the Inductive Monitoring System (IMS) on the International Space Station and the Space Shuttle. IMS uses a clustering algorithm to detect spacecraft anomalies. In this algorithm, the abnormal states will fall outside the point clusters formed by clustering [34]. For fault prediction, a time series prediction method based on the ARIMA model is also developed [35]. With the development of space technology, these early anomaly detection methods can no longer meet the needs. Non-data-driven detection methods will consume a lot of manpower and material resources in the process of identifying and labeling anomalies. Therefore, anomaly detection based on deep learning time series has entered the field of spacecraft health management.
Deep learning is a research direction in the field of machine learning. It extracts the internal rules and correlations of data through a hierarchical structure and simulates the mapping relationship between input data and output data in the real world. In recent years, deep learning has shown strong ability in the process of modeling and learning high-dimensional data, time series data, spatial data, and image data, and promoted the progress of various task boundaries. For example, SincNet has improved the understanding and processing of speech signals due to its powerful one-dimensional signal feature extraction ability since it was proposed [15]. Deep learning for anomaly detection, referred to as deep anomaly detection, aims to detect anomalies by learning feature representations or anomaly scores through neural networks. Following reference work [36] and based on the idea of enhancing the reconstruction ability of normal data, works [37,38] developed detection methods with stronger performance (sequences and videos, respectively). Both of them set memory modules to store normal data and improve the fitting and reconstruction ability of normal data so as to strengthen the reconstruction error of abnormal data and enhance the performance of anomaly detection of the model.
RNN and LSTM structures in deep learning have natural advantages for the prediction and reconstruction of time series data [37]. there have been a lot of works using RNN [39,40,41,42] and LSTM [43,44,45,46,47] models for anomaly detection. LSTM is a kind of RNN network, which can well solve the problems of gradient disappearance and gradient explosion, which are easily generated in ordinary RNN, and can perform better in long sequences. Reference work [45] proposes an Encoder-decoder scheme based on LSTM, which learns and reconstructs normal time series, and uses the reconstruction error to detect anomalies. Reference work [44] designed a C-LSTM method to extract deeper and more complex long-period features by combining a convolutional neural network CNN, long short-term memory network LSTM, and deep neural network DNN. Reference work [47] studies the method framework of unsupervised anomaly detection, adopts the method based on gradient and quadratic programming to jointly train LSTM and single-classification support vector machine OC-SVM, and describes SVDD based on OC-SVM and support vector data to find the decision function. Compared with the traditional method, the anomaly detection effect is also improved.
Due to the particularity of spacecraft data, there are fewer open-access data, and it is more difficult to find annotated data. Transfer learning is a branch of deep learning which reduces training costs by transferring knowledge in a certain field to target tasks or builds good models for small sample tasks [19]. Currently, the transfer learning paradigm widely used in the field of deep learning is the method of pre-training and fine-tuning. The pre-trained model is obtained on a large-scale dataset, and then the pre-trained model is used to fine-tune the training set of the target task to obtain the target model. The Bidirectional Encoder model (BERT) [48] in the field of natural language processing, and the method of transfer learning are used to carry out two stages of pre-training for the model. When fine-tuning, the first few layers of the pre-trained model can be frozen to preserve the ability of neural networks to extract shallow features of data. In the field of anomaly detection, transfer learning can solve the problem of less labeled data to a certain extent. The method of transfer learning is adopted in reference work [17], which greatly reduces the time of establishing an anomaly detection model for each channel of the spacecraft and improves the accuracy.

3. Method

Combining the advantages of LSTM for anomaly detection of time series data and SincNet’s powerful feature extraction ability for one-dimensional signals, a control torque gyroscope anomaly detection method based on condition classification and transfer learning is proposed. Firstl the Sinc-LSTM network is built, and dataset from the Mars Reconnaissance Orbiter (MRO), the the Soil Moisture Active Passive (SMAP) satellite, and the Mars Science Laboratory (MSL) rover, Curiosity, are used for the two-stage pre-training. Then the telemetry data of the whole life cycle of the control torque gyroscope of the orbiting spacecraft are obtained, and the working conditions are classified. The telemetry data of the control torque gyroscope after condition classification were input into the pre-trained Sinc-LSTM network for training, and the model that could realize the fitting and reconstruction of the control torque gyroscope telemetry data was developed. Based on the fitting and reconstruction model of the telemetry data of the control torque gyroscope, the control torque gyroscope that needs to be detected is detected. The reconstructed data and the corresponding original telemetry data are differentiated, and the threshold judgment is used to complete the fault detection.

3.1. Two-Stage Pre-Training

As shown in the frame diagram, before the training of fitting and reconstruction of CMG data, the Sinc-LSTM network is pre-trained in two stages.
Firstly, MRO dataset S 1 was input into the constructed Sinc-LSTM network for time series reconstruction training, and the reconstructed data S 1 R was obtained. After training, the mapping model about MRO dataset reconstruction f 1 : S 1 W 1 S 1 R is obtained. The first stage of pre-training is to enhance the ability of the network to extract extensive features from one-dimensional data and to reconstruct them.
After the training, the SMAP&MSL dataset S 2 from NASA was input into the Sinc-LSTM network after the first stage of pre-training for training, and the model parameters were fine-tuned to complete the second stage of pre-training and obtain the reconstructed data S 2 R . In the second stage of pre-training, anomaly detection training is carried out on labeled spacecraft data to enhance the capability of feature extraction, sequence reconstruction, and anomaly detection of the model on spacecraft telemetry data. After training, the mapping of the second stage f 2 : S 2 W 2 S 2 R is obtained. The weight parameters are composed as follows:
W k = [ W k S , W k L 1 , W k L 2 , W k L 3 ]
where, W k S denotes the Sinc layer parameter of the k t h stage training, and W k L i denotes the i t h LSTM layer parameter of the k t h stage training.
The Sinc function filter parameters W 2 S and LSTM unit internal parameters after two-stage pre-training [ W 2 L 1 , W 2 L 2 , W 2 L 3 ] are used as the initial weight parameters for CMG data training, and the parameters of Sinc function filter layer W 2 S are frozen to maintain the feature extraction ability of one-dimensional data. Parameters of LSTM layers [ W 2 L 1 , W 2 L 2 , W 2 L 3 ] participate in training for fine tuning.

3.2. Working Conditions Classification

The working condition of the spacecraft is defined as the set of the environment state (temperature, electromagnetic radiation intensity), mission state (acceleration, deceleration, attitude adjustment), and life cycle (service time) of the spacecraft, covering all the factors that may affect the threshold of spacecraft anomaly detection. The performance of spacecraft anomaly detection can be improved by classifying the working conditions of the spacecraft. In the whole life cycle of a spacecraft, it will face different working conditions. Under different working conditions, the sequence of spacecraft data will have different statistical characteristics, and the threshold of anomaly detection will also change, so it is necessary to classify and process the CMG data under different working conditions.
The CMG data is the full-cycle data of the CMG on an on-orbit spacecraft from the time it was put into use to the time it failed. The data is sampled once every 10 days, which is 155 days in total. The CMG data is divided into 16 channels, including the gimbal motor current, rotor motor current, shaft temperature, speed, and other parameters. Since the data characteristics of each channel are different, the Sinc-LSTM network trains the anomaly detection task model separately for each channel data after pre-training. In the working condition classification stage, the data of each channel are first divided into hourly segments, and there are a total of 155 × 24 = 3720 segments. The data size of each segment after segmentation is about 16 channels and 6450 rows.
The automatic clustering algorithm based on density peak (DPC) is selected as the adaptive working condition classification method. The clustering algorithm based on density peak determines a certain category by calculating the density of the surrounding points and the distance from the surrounding points. According to the algorithm, for the center point of each class, the density of its surrounding points should be greater than the density of other points of the class. At the same time, the center point of this class should be far enough away from the center points of other classes. The specific formula of local density is as follows.
ρ i = j χ ( d i j d c )
where, if x < 0 , then χ x = 1 , in other cases, χ x = 0 . Meanwhile, d c is the cutoff distance. ρ i is the number of points whose distance from the point i is less than d c . The specific formula to calculate the distance is as follows.
δ i = { min d i j , s , t , ρ j > ρ i max d i j , s , t , ρ j ρ i
That is, when the density of a point is not the maximum, the point is not the center point, then the distance is set as the distance from it to the nearest point with larger ρ j ; when the density of a point is the maximum, it means that the point is the center point, then the corresponding distance of the point is set as the distance from it to the farthest point.
With density ρ i as the horizontal axis and distance δ i as the vertical axis, draw a point map. The point closer to the upper right corner has the largest local density and the largest distance, which can be identified as the center point of the cluster. The algorithm can divide the data into appropriate clusters without iterative computation, and it does not need a preset center point, so it has fewer empirical components. After clustering analysis using the DPC algorithm, data segments with different statistical characteristics can be grouped together to play the role of working condition classification, and at the same time, it is convenient to set adaptive threshold judgment for data under different working conditions during subsequent anomaly detection.

3.3. Sinc-LSTM Network Structure

The structure of Sinc-LSTM network is shown in Figure 2. Among them, the first layer of the hidden layer is composed of 16 × 6 = 96 Sinc function filters, and the LSTM network is composed of three LSTM one-way layers with 288 units. Layer normalization (LN) is applied to the Sinc filter layer and each LSTM layer to normalize their inputs and improve learning efficiency. The output of the LSTM flows through the dropout layer and the dense layer to prevent overfitting and is then output by the fully connected layer to complete the reconstruction of the sequence.
The various layers in the network are closely coordinated with each other and have their own functions. The SincNet layer is responsible for extracting local features from the input signal by convolving it with a bank of Sinc filters. The resulting feature sequence is then passed on to the LSTM layer, which is able to capture the temporal dependencies in the input sequence and learn long-term dependencies between different features. The output of the SincNet layer is fed into the LSTM layer as a sequence of feature vectors, which are processed in a recurrent manner. Overall, the SincNet layer and LSTM layer work together to extract and model both local and global features from the input sequence, allowing for more accurate and robust predictions. In addition, LN normalizes the inputs to each LSTM layer independently, reducing the internal covariate shift and improving the stability and efficiency of the learning process. Then before output, the dropout layer randomly removes a fraction of the neurons during training, which reduces overfitting by encouraging the network to learn more robust features. In the following paragraphs of this subsection, a detailed description of the structure and principles of each module will be provided.
Sinc function filter layer. Sinc function filters are obtained from SincNet networks. The structure of the Sinc function filter is shown in Figure 3. SincNet was originally used to process speech signals. The shape of Sinc function filters is similar to the form of alternating peaks and troughs in 1D temporal data, thus providing a better fitting ability to 1D temporal data of speech signals. For time series, the standard CNN convolution formula is as in Equation (4), where x [ n ] is the speech signal, h [ n ] is the filter of length L, and y [ n ] is the output of the filter. In the standard CNN structure, the L elements of each filter are learned from the data. The Sinc function filter is defined as a filter g [ n , θ ] , whose frequency domain characteristics are shown in Equation (5), where f L and f H are the low and high cutoff frequencies, respectively, which are learnable parameters in the filter.
y [ n ] = x [ n ] h [ n ] = l = 0 L 1 x [ l ] · h [ n l ]
G [ f , f L , f H ] = r e c t ( f 2 f H ) r e c t ( f 2 f L )
The neural network regulates f L and f H by loss function so that the model can automatically adjust the band selected with the bandpass filter. Therefore, the model can extract more meaningful features and enhance the interpret ability of the network. As shown in Figure 3, in the Sinc function filter layer of the hidden layer, we set six Sinc function filters with different initial cutoff frequencies for the 16 channel data of the CMG to extract the feature information of different frequency bands on each channel.
LSTM Network. The training and weight update visualization of the LSTM network is shown in Figure 2, with each unit in each layer computing in parallel for each channel of the input. One update is performed at each time step until the individual channel data traversal is complete. The unit structure of the LSTM neural network is shown in Figure 4. The LSTM network consists of multiple memory cells that allow the network to capture long-term dependencies in the input sequence. Each memory cell has a self-connected recurrent unit that maintains a hidden state and an input gate, output gate, and forget gate that regulate the flow of information into and out of the cell. The input gate controls the amount of new input that is added to the current hidden state, while the output gate determines how much of the cell’s current state is exposed to the rest of the network. The forget gate decides how much of the previous state should be forgotten.
The proposed LSTM network has three layers, with each layer comprising 288 LSTM cells. The output of each layer is fed as input to the next layer. The input to the network is a sequence of data points, and the output is a reconstructed sequence. LN modules are added to each LSTM layer to normalize the inputs to the next layer, reduce the effect of the vanishing gradient problem, and improve the stability and effectiveness of the network for processing sequential data.
A combination of dense layers and dropout layers are used after the LSTM layers to reduce overfitting and improve the generalization of the model. The network is trained by a variant of the backpropagation algorithm called the Adam optimizer, which is well-suited for training recurrent neural networks. To prevent overfitting and select the best-performing model based on validation accuracy, early stopping is also utilized. At last, full connection layers added to the sequence to sequence LSTM network can help to learn more complex mappings between sequences.
The proposed Sinc-LSTM network utilizes a sinc filter layer to extract relevant features from time series data, which are subsequently fed into the LSTM network for sequence modeling. By leveraging the feature extraction capabilities of SincNet with the temporal modeling capabilities of LSTM networks, the proposed approach enhanced the performance of CMG’s telemetry data time series anomaly detection. The Sinc-LSTM network obtains the mapping f j : S ( j ) t p t 1 W S R ( j ) t t + l 1 by training, and predicts and generates the l time steps of the reconstructed data according to the previous p time steps of the input data at the current time. The training set Ψ input for Sinc-LSTM training is organized as follows Ψ = S j t p t 1 , S R j t t + l 1 : 1 j m , p t n , where m is the number of reconstructed data channels and n is the length of reconstructed data.
The fitting reconstruction method is to model and analyze the data of each channel of the control torque gyroscope separately. The control moment gyroscope telemetry data were made into 16 data files, each containing the data from the remaining 15 channels as input and the data from a single channel as supervision. In the training process of the Sinc-LSTM network, the information of the remaining 15 channels is used as the input training data. After the training, the model parameters of the 16 channels are stored in different files.

3.4. Anomaly Detection

The image of the difference between the reconstructed data and the original data is shown in Figure 5. When the difference result exceeds the threshold, it is judged as abnormal.
In the process of difference data calculation, the exponential weighted average method was used to smooth the difference sequence so as to avoid the noise generated by controlling torque gyroscope telemetry data mutation and other factors in the process of difference calculation being mistaken as abnormal, resulting in false positives and resulting in accuracy degradation.
At the same time, the setting of the threshold of the working condition segment is dynamic, and the setting of the threshold of each working condition segment is determined using the following formula:
C T h r e s h o l d i = μ i · λ s t a b l e + σ i σ 0 · λ D y n a m i c
where, C T h r e s h o l d i represents the abnormal judgment threshold of the ith working condition category, μ i represents the mean of the difference between the piecewise fitting reconstruction data and the original telemetry data of the working condition, σ i and σ 0 respectively represents the standard deviation of the piecewise difference and the standard deviation of the whole life cycle error of the working condition, λ S t a b l e and λ D y n a m i c is a pair of constants set in advance, 5% and 20% respectively. Respectively, they represent the lowest acceptable anomaly detection threshold and the increase of anomaly detection threshold determined by the volatility of segmented data in the current working conditions.

4. Experiments

An anomaly detection dataset based on the full lifecycle data of CMGs on a spacecraft is produced for experimental validation of the proposed method. Existing spacecraft anomaly detection systems still rely mainly on manual evaluation. The dataset in the paper has been annotated with anomalies by qualified experts. CMG data were sampled every 10 days, for a total of 155 days of data. The CMG data is divided into 16 channels, including the gimbal motor current, rotor motor current, shaft temperature, speed, and other parameters. Since the data characteristics of each channel are different, the Sinc-LSTM network trains the anomaly detection task model separately for each channel data after pre-training. In the working condition classification stage, the data of each channel are first divided into hourly segments, and there are a total of 155 × 24 = 3720 segments. The data size of each segment after segmentation is about 16 channels and 6450 rows.
This section validates the effectiveness of each module of the proposed method and the advancement of the whole method, respectively, by setting up two sets of comparative experiments. The self-comparison experiments are conducted by ablating the work condition classification module, the migration learning method, and the SincNet filter layer of the model, and then comparing the experimental results to verify the contribution of each module to anomaly detection. The comparison experiments with state-of-the-art methods are conducted to verify the advancedness of the proposed method on the CMG dataset by comparing it with baseline and some of the latest anomaly detection methods.

4.1. Experimental Setup

The telemetry data are made into 16 data documents according to different channels. The first column of each data document is the sequence to be fitted and reconstructed, and the data of the remaining 15 channels follow. The Sinc-LSTM network is used to fit and reconstruct the first column of data in the data document.
The network setup is shown in Figure 2. The main structure consists of one SincNet network and three LSTM networks. First, the data of the large-scale Mars orbiter MRO is input into the network for pre-training. The SincNet filter layer contains 96 Sinc filters and 288 LSTM units are configured for each of the three LSTM networks. Two fully connected layers were then set up. The three-layer LSTM network uses the hyperbolic tangent function as the activation function. Dropout is set in the network for regularization. Dropout is a regularization technique to avoid overfitting. It eliminates the joint adaptability of each unit in the neural network by randomly setting some units to 0, so as to enhance the generalization ability of the model. The Dropout ratio of the model was set to 0.3. The mean square error (MSE) was used as the loss function. The model parameters of Sinc-LSTM network are configured as shown in Table 1. The same hyperparameter settings were used for all groups of experiments.
LSTM prediction requires setting the input sequence length p and output sequence length l. After adjustment, l = 10 and p = 180 were set. The initial learning rate was set to 0.001. The LSTM three-layer model has a shallow capacity, but it can provide sufficient model depth for each telemetry channel to be modeled separately. For each telemetry channel, the prediction reconstruction model is trained separately, and the segmented data are input into different batch networks according to the working condition category for training. Due to the poor parallelism of LSTM model training and the need to train 16 different models, the training time will be long. The two-stage transfer learning greatly reduces the time required for model convergence. Early stops are also set to reduce the overall training time. After testing, the model of each channel was set for training for 60 epochs, and the loss value was stopped in advance when it did not decline for 8 epochs.
Assuming that the point judged to be anomalous by the threshold is t a , the anomaly sequence corresponding to this anomaly is selected as [ t a 300 , t a + 200 ] . Selecting an anomaly sequence of a certain length can help the model perceive the sequence characteristics before the anomaly is generated and the impact on the telemetry data after the anomaly. There is also a need for a balance between computational accuracy and computational cost. When two anomaly sequences produce some overlap, they are determined to belong to the same anomaly event and are combined into a single anomaly sequence. The following criteria are used to determine the results of anomaly sequences.
  • True positive (TP): For the i t h detected anomaly sequence S a d ( i ) , if any point s a d ( i ) of it falls in a true anomaly sequence S a t ( j ) , then the detected sequence is True positive.
  • False negative (FN): For the true anomaly sequences S a t ( j ) , if no point in the detected anomaly sequence falls within it, it is determined to be False negative.
  • False positive (FP): For the detected anomaly sequences S a d ( i ) , if there is no overlap with any true anomaly sequence, this detected anomaly sequence is False positive.
  • True negative (TN): For telemetry data time series S , the points that are outside the true anomaly sequence S a t ( j ) and are not judged to be anomalies by the anomaly detection sequence S a d ( i ) are True negative.
The degree of overlap between the true anomaly sequence and the detected anomaly sequence is not included in the calculation of the evaluation of the anomaly detection results. The same method of locating anomaly sequences and the criteria for determining the detection results are used for all groups of experiments. The performance of the anomaly detection model can be evaluated with the help of four metrics: precision (P), recall (R), accuracy (A), and an F 1 score. The four metrics are calculated as follows:
P = T P T P + F P
R = T P T P + F N
A = T P + T N T P + T N + F P + F N
F 1 = 2 P R P + R
P reflects the correctness of all detected anomalous sequences, and R reflects the degree to which anomaly detection results are found to be complete. These two metrics are of greater interest to anomaly detection tasks and are of greater reference value for practical engineering purposes. A reflects the correctness of the overall telemetry data classification task. The unbalanced data distribution is a significant feature of the anomaly detection task dataset, and therefore metric A is not a good indicator of the performance of the model. For example, for a 10% anomaly dataset, if the model determines that all data are normal, A is still 90%, while P, R, and F 1 scores are all 0. Therefore, A for the anomaly detection task can be used as a secondary reference metric but not the primary basis for judging model performance. The F 1 score is a harmonized average of P and R, and reflects the overall performance of the anomaly detection model by taking into account both the precision and recall of the model.

4.2. Self Contrast Experiments

In order to verify the effectiveness of each step of the proposed method, self-comparison experiments are set up. One step of the proposed method is omitted at a time, and then the experimental results are compared with those of the complete method. In this subsection, we will first introduce the treatment method after each step is deleted, and then show the experimental results.
First, the experimental group with the working condition classification step was deleted. In the working condition classification stage, each telemetry channel is segmented and clustered separately, and then the telemetry data file is made according to the clustering results of the channel to be predicted. After the telemetry data files are made, they are divided into different batches according to different working conditions to input into the network for piecewise reconstruction of telemetry data. After deleting the condition classification step, the data of the whole period is segmented without clustering and directly input into the network for training. At the same time, a constant threshold is set for anomaly detection based on the full-period data. After canceling the adaptive threshold judgment of the working condition classification, the abnormal false detection rate will be greatly increased because the threshold is not adaptive to each working condition stage.
Then is the experimental group with deletion of transfer learning step. This step contains two control groups. One group is the result of no pre-training, and the initial weight of the network is randomly generated, and the other group is the result of one-stage pre-training using only the MRO dataset. The experimental group without pre-training will greatly decrease the convergence speed during the training of the CMG, so the maximum number of training times is set to 100 epochs. In the control group without transfer learning pre-training, the generalization ability will be greatly reduced in addition to the training speed. Due to the characteristics of fault data, it is difficult to obtain the annotated fault data. The model does not converge easily due to the small size of the CMG dataset, and too many iterations tend to cause overfitting. It is beneficial to reduce the overfitting of the network and enhance the generalization ability of the model by extracting the universal features of the spacecraft time series data into the network by pre-training. The precision and recall of anomaly detection in the control group with deletion of the transfer learning step will be greatly reduced. One stage of transfer learning can greatly improve the performance of the network.
Finally, the experimental group with the Sinc function filter layer was deleted. Sinc function filter can well fit the characteristics of one-dimensional temporal data due to its interpretability and special band-pass filter structure. Setting the Sinc filter layer at the input end of the network is helpful in improving the feature extraction ability of the network for one-dimensional temporal data. In this paper, six Sinc filters with different bandwidths are set to extract features from the network. In the training process, the number of parameters can be reduced, and the training efficiency can also be improved. The ability of network fitting to reconstruct time series data with the deletion of the Sinc filter layer is affected. The accuracy of the tests and the recall rate have decreased.
Experimental results and analysis. Experimental renderings are shown in Figure 5, with original data and reconstructed sequences on the left and difference sequences and detected abnormal sequences on the right. Abnormal detection results are shown in Table 2. It can be seen that the precision and recall rate of the proposed method have reached the highest. In the control group, the performance of the control group with the deletion of transfer learning step decreased the most, the accuracy and recall decreased by 22.2% and 19.9%, respectively. The control group with one-stage transfer learning had the least performance degradation, with accuracy and recall decreasing by 2.2% and 1.5%, respectively. It can be seen that all the steps proposed in this paper have improved the performance of the anomaly detection model. Among them, transfer learning and training steps have the highest performance improvement. The training times for each experimental group are shown in Table 2. It can be seen that the average convergence time is much shorter for the pre-trained experimental groups. The addition of the Sinc function filter layer, although adding an additional layer to the network, did not have a significant impact on the training time as it better extracted the features of the 1D signal and facilitated the convergence of the model.

4.3. Compared with Advanced Methods

Hundman et al. [14] provide the telemetry dataset of SMAP&MSL and propose an anomaly detection method using LSTM and non-parametric dynamic threshold. Reference work [49] verifies that the method of generating adversarial networks can be used for unsupervised anomaly detection, and adopts LSTM network structure and cyclic consistency loss training. The SVM method proposed in [50] also improves the anomaly detection of LSTM. This section compares the proposed method with these advanced anomaly detection methods.
The anomaly detection results are shown in Figure 5. In Figure 5a, Y and y_hat represent the original data and reconstructed sequences, respectively, and the abnormal sequences are marked. In Figure 5b, the red line represents the smoothed result of the difference between the original data and the reconstructed sequence, and marks the anomaly detection result judged by the threshold. The anomaly detection effects of different methods are shown in Table 3. The different methods are all simple parameter debugging. Due to the small capacity of the CMG anomaly detection dataset, the network models adopted using the advanced methods in comparison have used the MRO dataset for a stage of pre-training. At the same time, the learning rate and dropout are adjusted to be consistent with the proposed method.
It can be seen from Table 3 that the proposed method is superior to other methods in CMG telemetry data anomaly detection task.

5. Conclusions

This article proposes a CMG anomaly detection method based on working condition classification and transfer learning. A two-stage transfer learning is designed to solve the problem of poor training effect due to the lack of fault data. A Sinc-LSTM network is designed to model each telemetry channel separately, classify the working conditions and set adaptive thresholds for anomaly detection. Experimental results show that transfer learning, working condition classification, and a Sinc filtering layer can improve the performance of CMG anomaly detection tasks, with the improvement of transfer learning being the most significant. Working condition classification is a refined processing method for anomaly detection in long-cycle tasks and is also of great significance. As a key inertial execution component, the operational data of the CMG is representative, and the anomaly detection method for the CMG can also be transferred to other parts of the spacecraft. In addition, by adjusting the training set, the proposed method can be applied to other time-series data anomaly detection tasks.
During the training process, the model still has shortcomings, such as slow convergence speed and low training efficiency. Faced with thousands of telemetry data channels commonly used in spacecraft, the time cost of the strategy proposed for training each channel separately is high. To address the problem of large-scale telemetry data and multiple channels in spacecraft, a universal model for spacecraft component anomaly detection with strong generalization ability can be trained by increasing the depth of the model and the size of the training set. Introducing the time-frequency two-dimensional features of one-dimensional signals can enhance the neural network’s perception of nonlinear time-varying features. Moreover, using models without temporal dependencies, such as convolutional neural networks, can greatly reduce the time cost of model training. In the future, our research will be based on deep learning, transfer learning, time-frequency analysis, and other methods, involving fault diagnosis of spacecraft multimodal signals and complex systems.

Author Contributions

Methodology, K.Z. and Q.X.; Writing—original draft, S.W. (Shuchen Wang); Writing—review & editing, S.W. (Saijin Wang). 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 under Grant 61972021.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data presented in this study are available on request from the corresponding author. The data are not publicly available due to confidentiality.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Ranasinghe, K.; Sabatini, R.; Gardi, A.; Bijjahalli, S.; Kapoor, R.; Fahey, T.; Thangavel, K. Advances in Integrated System Health Management for mission-essential and safety-critical aerospace applications. Prog. Aerosp. Sci. 2022, 128, 100758. [Google Scholar] [CrossRef]
  2. Ezhilarasu, C.M.; Skaf, Z.; Jennions, I.K. The application of reasoning to aerospace Integrated Vehicle Health Management (IVHM): Challenges and opportunities. Prog. Aerosp. Sci. 2019, 105, 60–73. [Google Scholar] [CrossRef]
  3. Khan, S.; Yairi, T. A review on the application of deep learning in system health management. Mech. Syst. Signal Process. 2018, 107, 241–265. [Google Scholar] [CrossRef]
  4. Muthusamy, V.; Kumar, K.D. Failure prognosis and remaining useful life prediction of control moment gyroscopes onboard satellites. Adv. Space Res. 2022, 69, 718–726. [Google Scholar] [CrossRef]
  5. Liu, L.; Zhang, Q.; Wei, D.; Li, G.; Wu, H.; Wang, Z.; Guo, B.; Zhang, J. Chaotic Ensemble of Online Recurrent Extreme Learning Machine for Temperature Prediction of Control Moment Gyroscopes. Sensors 2020, 20, 4786. [Google Scholar] [CrossRef]
  6. Tang, L.; Chen, S.; Wang, K.; Liu, Y. Redundancy gyroscopes bias fault diagnosis based on the correlated measurement equations in Fengyun-4 spacecraft. Adv. Space Res. 2022, 70, 523–545. [Google Scholar] [CrossRef]
  7. Yan, S.; Wei, W.; Rui, W.; Zhengyi, W. Application of Matrix Algorithm Based on Graph Theory in Real-time Fault Diagnosis Knowledge Perfection Detection of Spacecraft Telemetry Data. In Proceedings of the 2022 IEEE International Conference on Signal Processing, Communications and Computing (ICSPCC), Xi’an, China, 25–27 October 2022; pp. 1–6. [Google Scholar]
  8. Abd-Elhay, A.E.R.; Murtada, W.A.; Youssef, M.I. A Reliable Deep Learning Approach for Time-Varying Faults Identification: Spacecraft Reaction Wheel Case Study. IEEE Access 2022, 10, 75495–75512. [Google Scholar] [CrossRef]
  9. Luo, T.; Liu, M.; Zhao, H.; Duan, G.; Cao, X. Data-driven fault monitoring for spacecraft control moment gyro with slice residual attention network. J. Frankl. Inst. 2022, 359, 9313–9333. [Google Scholar] [CrossRef]
  10. Zhao, H.; Liu, M.; Sun, Y.; Chen, Z.; Duan, G.; Cao, X. Fault diagnosis of control moment gyroscope based on a new CNN scheme using attention-enhanced convolutional block. Sci. China Technol. Sci. 2022, 65, 2605–2616. [Google Scholar] [CrossRef]
  11. Yuandong, L.; Qinglei, H.; Xiaodong, S. Neural network-based fault diagnosis for spacecraft with single-gimbal control moment gyros. Chin. J. Aeronaut. 2022, 35, 261–273. [Google Scholar]
  12. Yang, K.; Wang, Y.; Han, X.; Cheng, Y.; Guo, L.; Gong, J. Unsupervised Anomaly Detection for Time Series Data of Spacecraft Using Multi-Task Learning. Appl. Sci. 2022, 12, 6296. [Google Scholar] [CrossRef]
  13. Blázquez-García, A.; Conde, A.; Mori, U.; Lozano, J.A. A review on outlier/anomaly detection in time series data. ACM Comput. Surv. (CSUR) 2021, 54, 1–33. [Google Scholar] [CrossRef]
  14. Hundman, K.; Constantinou, V.; Laporte, C.; Colwell, I.; Soderstrom, T. Detecting spacecraft anomalies using lstms and nonparametric dynamic thresholding. In Proceedings of the 24th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining, London, UK, 19–23 August 2018; pp. 387–395. [Google Scholar]
  15. Ravanelli, M.; Bengio, Y. Interpretable convolutional filters with sincnet. arXiv 2018, arXiv:1811.09725. [Google Scholar]
  16. Vercruyssen, V.; Meert, W.; Davis, J. Transfer learning for time series anomaly detection. In Proceedings of the Workshop and Tutorial on Interactive Adaptive Learning@ ECMLPKDD 2017, CEUR Workshop Proceedings, Skopje, Macedonia, 18 September 2017; Volume 1924, pp. 27–37. [Google Scholar]
  17. Baireddy, S.; Desai, S.R.; Mathieson, J.L.; Foster, R.H.; Chan, M.W.; Comer, M.L.; Delp, E.J. Spacecraft time-series anomaly detection using transfer learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Virtual, 19–25 June 2021; pp. 1951–1960. [Google Scholar]
  18. Zhuang, F.; Qi, Z.; Duan, K.; Xi, D.; Zhu, Y.; Zhu, H.; Xiong, H.; He, Q. A comprehensive survey on transfer learning. Proc. IEEE 2020, 109, 43–76. [Google Scholar] [CrossRef]
  19. Pan, S.J.; Yang, Q. A survey on transfer learning. IEEE Trans. Knowl. Data Eng. 2009, 22, 1345–1359. [Google Scholar] [CrossRef]
  20. Tsui, K.L.; Chen, N.; Zhou, Q.; Hai, Y.; Wang, W. Prognostics and health management: A review on data driven approaches. Math. Probl. Eng. 2015, 2015, 793161. [Google Scholar] [CrossRef] [Green Version]
  21. Ryadchikov, I.; Sechenev, S.; Mikhalkov, N.; Biryuk, A.; Svidlov, A.; Gusev, A.; Sokolov, D.; Nikulchev, E. Feedback control with equilibrium revision for CMG-actuated inverted pendulum. In Proceedings of the Proceedings of 14th International Conference on Electromechanics and Robotics “Zavalishin’s Readings”, Kursk, Russia, 17–20 April 2019; pp. 431–440.
  22. Zhu, J.; Chen, N.; Shen, C. A new data-driven transferable remaining useful life prediction approach for bearing under different working conditions. Mech. Syst. Signal Process. 2020, 139, 106602. [Google Scholar] [CrossRef]
  23. Lu, Y.; Shao, Q.; Yue, H.; Yang, F. A review of the space environment effects on spacecraft in different orbits. IEEE Access 2019, 7, 93473–93488. [Google Scholar] [CrossRef]
  24. Zhao, Q.; Guo, J.; Wang, C.; Lyu, Y.; Xu, X.; Yang, C.; Li, J. Precise orbit determination for BDS satellites. Satell. Navig. 2022, 3, 1–24. [Google Scholar] [CrossRef]
  25. Thayer, J.P.; Tobiska, W.K.; Pilinski, M.D.; Sutton, E.K. Remaining issues in upper atmosphere satellite drag. In Space Weather Effects and Applications; American Geophysical Union: Washington, DC, USA, 2021; pp. 111–140. [Google Scholar]
  26. Han, B.; Zhang, X.; Wang, J.; An, Z.; Jia, S.; Zhang, G. Hybrid distance-guided adversarial network for intelligent fault diagnosis under different working conditions. Measurement 2021, 176, 109197. [Google Scholar] [CrossRef]
  27. Yan, X.; Liu, Y.; Jia, M. Multiscale cascading deep belief network for fault identification of rotating machinery under various working conditions. Knowl.-Based Syst. 2020, 193, 105484. [Google Scholar] [CrossRef]
  28. Zhu, J.; Chen, N.; Shen, C. A new deep transfer learning method for bearing fault diagnosis under different working conditions. IEEE Sensors J. 2019, 20, 8394–8402. [Google Scholar] [CrossRef]
  29. Gurrisi, C.; Seidel, R.; Dickerson, S.; Didziulis, S.; Frantz, P.; Ferguson, K. Space station control moment gyroscope lessons learned. In Proceedings of the 40th Aerospace Mechanisms Symposium, Cocoa Beach, FL, USA, 12–14 May 2010. [Google Scholar]
  30. Rahimi, A.; Kumar, K.D.; Alighanbari, H. Fault detection and isolation of control moment gyros for satellite attitude control subsystem. Mech. Syst. Signal Process. 2020, 135, 106419. [Google Scholar] [CrossRef]
  31. Muthusamy, V.; Kumar, K.D. A novel data-driven method for fault detection and isolation of control moment gyroscopes onboard satellites. Acta Astronaut. 2021, 180, 604–621. [Google Scholar] [CrossRef]
  32. Gong, M.; Tang, D.; Yu, J.; Tian, L. A Physics-informed Transfer Learning Approach for Anomaly Detection of Aerospace CMG with Limited Telemetry Data. In Proceedings of the 2021 Global Reliability and Prognostics and Health Management (PHM-Nanjing), Nanjing, China, 15–17 October 2021; pp. 1–5. [Google Scholar]
  33. Ji, X.Y.; Li, Y.Z.; Liu, G.Q.; Wang, J.; Xiang, S.H.; Yang, X.N.; Bi, Y.Q. A brief review of ground and flight failures of Chinese spacecraft. Prog. Aerosp. Sci. 2019, 107, 19–29. [Google Scholar] [CrossRef]
  34. Iverson, D. Data mining applications for space mission operations system health monitoring. In Proceedings of the SpaceOps 2008 Conference, Virtual, 3–5 May 2008; p. 3212. [Google Scholar]
  35. Shao, Y.; Zhang, Y. A Failure Prediction Method for Spacecraft Loads Based on Time Series Model. In Proceedings of the 2018 12th International Conference on Reliability, Maintainability, and Safety (ICRMS), Shanghai, China, 17–19 October 2018; pp. 277–281. [Google Scholar]
  36. Pang, G.; Shen, C.; Cao, L.; Hengel, A.V.D. Deep learning for anomaly detection: A review. ACM Comput. Surv. (CSUR) 2021, 54, 1–38. [Google Scholar] [CrossRef]
  37. Gong, D.; Liu, L.; Le, V.; Saha, B.; Mansour, M.R.; Venkatesh, S.; Hengel, A.v.d. Memorizing normality to detect anomaly: Memory-augmented deep autoencoder for unsupervised anomaly detection. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 1705–1714. [Google Scholar]
  38. Park, H.; Noh, J.; Ham, B. Learning memory-guided normality for anomaly detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 14–19 June 2020; pp. 14372–14381. [Google Scholar]
  39. Canizo, M.; Triguero, I.; Conde, A.; Onieva, E. Multi-head CNN–RNN for multi-time series anomaly detection: An industrial case study. Neurocomputing 2019, 363, 246–260. [Google Scholar] [CrossRef]
  40. Nanduri, A.; Sherry, L. Anomaly detection in aircraft data using Recurrent Neural Networks (RNN). In Proceedings of the 2016 Integrated Communications Navigation and Surveillance (ICNS), Herndon, VA, USA, 19–21 April 2016; p. 5C2–1. [Google Scholar]
  41. Qureshi, A.U.H.; Larijani, H.; Mtetwa, N.; Javed, A.; Ahmad, J. RNN-ABC: A new swarm optimization based technique for anomaly detection. Computers 2019, 8, 59. [Google Scholar] [CrossRef] [Green Version]
  42. Luo, W.; Liu, W.; Gao, S. A revisit of sparse coding based anomaly detection in stacked rnn framework. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 341–349. [Google Scholar]
  43. Lindemann, B.; Maschler, B.; Sahlab, N.; Weyrich, M. A survey on anomaly detection for technical systems using LSTM networks. Comput. Ind. 2021, 131, 103498. [Google Scholar] [CrossRef]
  44. Kim, T.Y.; Cho, S.B. Web traffic anomaly detection using C-LSTM neural networks. Expert Syst. Appl. 2018, 106, 66–76. [Google Scholar] [CrossRef]
  45. Malhotra, P.; Ramakrishnan, A.; Anand, G.; Vig, L.; Agarwal, P.; Shroff, G. LSTM-based encoder-decoder for multi-sensor anomaly detection. arXiv 2016, arXiv:1607.00148. [Google Scholar]
  46. Luo, W.; Liu, W.; Gao, S. Remembering history with convolutional lstm for anomaly detection. In Proceedings of the 2017 IEEE International Conference on Multimedia and Expo (ICME), Hong Kong, China, 10–14 July 2017; pp. 439–444. [Google Scholar]
  47. Ergen, T.; Kozat, S.S. Unsupervised anomaly detection with LSTM neural networks. IEEE Trans. Neural Networks Learn. Syst. 2019, 31, 3127–3141. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  48. Devlin, J.; Chang, M.W.; Lee, K.; Toutanova, K. Bert: Pre-training of deep bidirectional transformers for language understanding. arXiv 2018, arXiv:1810.04805. [Google Scholar]
  49. Geiger, A.; Liu, D.; Alnegheimish, S.; Cuesta-Infante, A.; Veeramachaneni, K. TadGAN: Time Series Anomaly Detection Using Generative Adversarial Networks. In Proceedings of the 2020 IEEE International Conference on Big Data, Atlanta, GA, USA, 10–13 December 2020; pp. 33–43. [Google Scholar]
  50. Li, T.; Comer, M.L.; Delp, E.J.; Desai, S.R.; Mathieson, J.L.; Foster, R.H.; Chan, M.W. A Stacked Predictor and Dynamic Thresholding Algorithm for Anomaly Detection in Spacecraft. In Proceedings of the MILCOM 2019—2019 IEEE Military Communications Conference, Norfolk, VA, USA, 12–14 November 2019; pp. 165–170. [Google Scholar]
Figure 1. The overall flowchart of proposed anomaly detection based on domain adaptive LSTM and working condition classification.
Figure 1. The overall flowchart of proposed anomaly detection based on domain adaptive LSTM and working condition classification.
Applsci 13 04259 g001
Figure 2. The internal structure of Sinc-LSTM.
Figure 2. The internal structure of Sinc-LSTM.
Applsci 13 04259 g002
Figure 3. The internal structure of Sinc filter.
Figure 3. The internal structure of Sinc filter.
Applsci 13 04259 g003
Figure 4. The internal structure of LSTM unit.
Figure 4. The internal structure of LSTM unit.
Applsci 13 04259 g004
Figure 5. Results (a) the original data and reconstructed sequences; (b) the smoothed result of the difference value.
Figure 5. Results (a) the original data and reconstructed sequences; (b) the smoothed result of the difference value.
Applsci 13 04259 g005
Table 1. Model parameters configure of Sinc-LSTM Network.
Table 1. Model parameters configure of Sinc-LSTM Network.
Model Parameters
sinc function filters96
LSTM layers1
LSTM units in each layer288
dropout0.3
l10
p180
optimizerAdam
input dimentions16
Table 2. Self contrast experiments.
Table 2. Self contrast experiments.
Method P ( % ) R ( % ) A ( % ) F 1 ( % ) Training Time(s)
WCC+TL+Sinc+LSTM (The proposed method)93.789.696.791.624.7
TL+Sinc+LSTM ( WCC )83.682.887.983.223.6
WCC+Sinc+LSTM ( TL )71.369.779.870.531.4
WCC+Sinc+LSTM (one-step pre-training)91.588.194.789.827.8
WCC+TL+LSTM ( Sinc )89.387.492.988.321.9
Table 3. Comparison with advanced methods.
Table 3. Comparison with advanced methods.
Method P ( % ) R ( % ) A ( % ) F 1 ( % )
The proposed method93.789.696.791.6
Hundman et al. [14]75.463.682.469.0
TadGAN [49]80.172.985.876.3
StackedPredictor [50]83.576.291.279.7
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

Zhang, K.; Wang, S.; Wang, S.; Xu, Q. Anomaly Detection of Control Moment Gyroscope Based on Working Condition Classification and Transfer Learning. Appl. Sci. 2023, 13, 4259. https://doi.org/10.3390/app13074259

AMA Style

Zhang K, Wang S, Wang S, Xu Q. Anomaly Detection of Control Moment Gyroscope Based on Working Condition Classification and Transfer Learning. Applied Sciences. 2023; 13(7):4259. https://doi.org/10.3390/app13074259

Chicago/Turabian Style

Zhang, Kuan, Shuchen Wang, Saijin Wang, and Qizhi Xu. 2023. "Anomaly Detection of Control Moment Gyroscope Based on Working Condition Classification and Transfer Learning" Applied Sciences 13, no. 7: 4259. https://doi.org/10.3390/app13074259

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