Next Article in Journal
Preliminary Prediction of the Increase in Flood Hazard from Wind Surges for the City of Elbląg Due to Climate Change
Previous Article in Journal
Effects of Nordic Exercises on Hamstring Strength and Vertical Jump Performance in Lower Limbs Across Different Sports
Previous Article in Special Issue
Advanced AI and Machine Learning Techniques for Time Series Analysis and Pattern Recognition
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

A Review of Anomaly Detection in Spacecraft Telemetry Data

1
Department of Communications and Computer Engineering, University of Malta, 2080 Msida, Malta
2
Institute of Aerospace Technologies, University of Malta, 2080 Msida, Malta
*
Author to whom correspondence should be addressed.
Appl. Sci. 2025, 15(10), 5653; https://doi.org/10.3390/app15105653
Submission received: 21 April 2025 / Revised: 13 May 2025 / Accepted: 15 May 2025 / Published: 19 May 2025

Abstract

:
Telemetry data play a pivotal role in ensuring the success of spacecraft missions and safeguarding the integrity of spacecraft systems. Therefore, the timely detection and subsequent notification of any abnormal events related to the functionality of spacecraft subsystems are crucial to ensure their safe operation. In recent years, several anomaly detection methods have been developed to monitor spacecraft telemetry data and detect anomalies. This manuscript provides a comprehensive literature review of the existing anomaly detection methods for spacecraft telemetry data. It exposes the challenges faced by such systems, highlights the strengths and limitations of each anomaly detection method, and assesses and compares the performance of these approaches in detecting anomalies. Initial results show that GCN and TCN models have achieved promising precision up to 94%. The paper concludes with a series of recommendations and the potential research directions.

1. Introduction

Spacecraft [1,2,3,4] are complex machines designed to carry out a variety of missions in outer space environments. Key types of spacecraft range from satellites to space probes, space stations, and landers, while applications include scientific research, exploration, communication, navigation, and military. The internal systems of these space machines are equipped with thousands of detailed telemetry channels to monitor parameters such as power, temperature, radiation, and instrumentations. Monitoring and diagnosing the status of telemetry data is one of the most import concerns for spacecraft safety. In fact, failure to detect or notify with regard to any abnormal behavior can result in irreparable loss and/or failure of the spacecraft during launch or while in space. Therefore, it is vital to efficiently and continually detect anomalies present in spacecraft telemetry to guarantee its reliable and safe operation during space missions.
Spacecraft telemetry data are acquired from various subsystems and components at several temporal resolutions. These data are then transmitted to the ground telemetry station where the original variable information of each channel is restored. Telemetry data are then analyzed and interpreted by domain experts. Figure 1 summarizes the typical end-to-end communication between spacecraft, ground station, and domain experts. The complex nature of spacecraft telemetry data poses several challenges [5,6] in developing appropriate anomaly detection methods:
  • High data volume: Spacecraft generate large time series telemetry data volumes with high dimensionality and complex relations between telemetry parameters, up to several terabytes of data per day. This high data volume poses significant challenges and difficulties for anomaly detection.
  • Complex multivariate data: Spacecraft telemetry data often include noisy and heterogeneous outputs produced by various system components. Some of them are discrete such as the switching status, while the others are continuous, e.g., temperature and radiation. These differences can reduce the performance of anomaly detection methods.
  • Lack of ground truth: Anomaly detection methods are hindered by the scarcity of labeled anomalies, as such ground truth is needed both for supervised learning approaches and also for performance evaluation. The absence of labeled anomalies for the validation can be solved by using semi-supervised or unsupervised methods.
  • Need for domain expertise: Expert knowledge of spacecraft subsystems and components is often required when analyzing telemetry data, in particular to label anomalies or analyze the performance of the anomaly detection methods.
  • Real-time processing capabilities: Given that it is impossible for domain experts to manually monitor thousands of telemetry channels to identify anomalies, automatic techniques which can detect such anomalies in real time are needed. In certain cases, it is desirable to deploy anomaly detection techniques on onboard computers to ensure that issues are detected as quickly as possible.
In recent decades, there has been a growing interest in exploiting anomaly detection methods to monitor spacecraft telemetry data. Many prominent methods and strategies have been proposed for the purpose of identifying anomalies [8,9,10,11]. Such methods allow for mitigating action to be taken before incidents spread. This review paper aims to document the state of anomaly detection in spacecraft telemetry data by exposing and discussing the existing anomaly detection techniques in the literature as well as their performance. Five main criteria [12] were used to evaluate information from the reviewed literature, which are the following:
  • Accuracy: Information was extracted from reliable and well-known sources (peer-reviewed journals, books, official websites, etc.) based on proven facts.
  • Authority: The authors of the selected papers are affiliated with a reputable university or organization in the subject field.
  • Objectivity: The presented results are based on well-defined methodologies and accurate experimental studies.
  • Currency: This survey presents an overview of the recent literature in the field of anomaly detection of spacecraft telemetry systems.
  • Coverage: Our work provides in-depth coverage of the various methods and schemes used to handle the spacecraft anomaly detection issue.
The main contributions of this survey include the following:
  • We review the existing literature and present a detailed taxonomy of the different approaches and strategies addressing the anomaly detection problem in spacecraft telemetry data.
  • We introduce the different types of anomalies in spacecraft telemetry data and describe benchmark datasets and evaluation metrics explored in this field. This allows us to perform a fair comparison among anomaly detection methods.
  • We compare and assess the performance of the different methodologies for the problem of anomaly detection in spacecraft telemetry data. The results provide researchers and practitioners an overall and comprehensive vision.
This review is organized as follows. In Section 2, we introduce the anomaly detection process and the current types of anomalies in spacecraft telemetry data. Then, we review existing anomaly detection methods for spacecraft telemetry data in Section 3. Datasets and the performance metrics of the reviewed methods are provided in Section 4. Section 5 presents a series of finds and potential research axes. The final section concludes the survey.

2. Anomaly Detection in Spacecraft Telemetry Data

2.1. Anomaly Detection

Anomaly detection [13,14], known also as outlier detection, refers to the procedure of identifying unexpected values or observations that differ significantly from the norm. A broad range of applications of anomaly detection in different domains exists, including industrial control systems [15], Internet of Things [16], medicine [17], and aerospace [18]. With regard to aerospace, one of the applications of anomaly detection is to identify novel or unusual events in spacecraft, enabling specialists to quickly identify abnormal events and take the appropriate corrective action.

2.2. Types of Anomalies

With regard to time series telemetry data, anomalies can be divided into three main categories [5,10,11,19,20] which are summarized below:
  • Point anomalies: A point anomaly is an individual data instance which stands out from the expected pattern, range, or norm. For this type of anomaly, temporal information is irrelevant. Therefore, it is considered the easiest to detect.
  • Collective anomalies: A collective anomaly, also called group anomaly, corresponds to a sequence of values which differ significantly from the rest of the data.
  • Contextual anomalies: An individual data instance or a sequence of values considered as anomalous in a specific context. This means that observing the same value or sequence of values through different contexts will not always give us an indication of anomalous behavior.
Collective and contextual anomalies involve the temporal dimension, and consequently, they require more complex methodologies such as machine and deep learning algorithms.

3. State of the Art Anomaly Detection for Spacecraft Telemetry Data

In the last decade, many anomaly detection methods have been proposed to monitor spacecraft telemetry channels. An extensive literature search reveals that anomaly detection for spacecraft telemetry can be grouped into two main families: thresholding methods and artificial intelligence methods. This section is dedicated to describing the relevant anomaly detection methodologies for each category.

3.1. Thresholding Methods

Thresholding methods, also called Out-Of-Limits (OOL) alarms or statistical models, are the most commonly used techniques to detect anomalies in spacecraft [20,21,22,23]. These approaches aim to check whether the spacecraft telemetry data measurements are within a predefined threshold. Any telemetry parameter that exceeds the said threshold is considered anomalous, and an alarm is activated. Statistical measurements such as the mean, standard deviation, maximum, and minimum are used to compute thresholds.
Thresholding methods have exhibited certain benefits such as their simplicity and being easy to understand and interpret. However, they suffer from some shortcomings. In fact, setting the threshold value depends heavily on domain knowledge and expert experience, which make these methods less precise and very time-consuming. In addition, the presence of complex noise in spacecraft telemetry data could lead to high false alarm rates. In general, thresholding methods ignore complex interactions between telemetry parameters.
To overcome the limitations of thresholding techniques, some improvements have been introduced. For example, Heras and Donati [9] have applied thresholding models in many ESA (European Space Agency) missions by integrating a new automatic telemetry monitoring prototype. The novel detection monitoring approach has been managed to analyze the behavior of 2000 parameters during the XMM (X-ray Multi-Mirror Mission) Newton orbit mission. In [24], another anomaly detection method, based on parametric causality and Double-Criteria Drift Streaming Peaks Over Threshold (DCDSPOT), was proposed to solve the problem of high rates of false negatives. The performance of the DCDSPOT method was assessed using four anonymous telemetry parameters generated by a military communications satellite. Compared to other baseline methods, the proposed method obtained the highest recall (91%) and precision (85%).

3.2. Artificial Intelligence Methods

Over the past few decades, researchers have progressively automated the anomaly detection process using Artificial Intelligence (AI) methods [20,22,25,26,27,28,29,30,31,32,33,34,35,36]. Several AI techniques, designed to learn and extract features from telemetry data, have been used widely to detect abnormalities in spacecraft. These methods mainly include machine and deep learning models.

3.2.1. Machine Learning Methods

Machine Learning (ML) has significant potential to enhance anomaly detection in spacecraft telemetry. ML approaches are used to build a model that can differentiate between normal and abnormal instances in telemetry data. In recent years, several ML approaches have been employed for anomaly detection in spacecraft telemetry systems. Each of these approaches possesses advantages and limitations. The choice of the selected approach depends on the type of anomaly and the availability of ground truth. ML-driven approaches for anomaly detection include Support Vector Machine (SVM) models, nearest neighbors approaches, clustering approaches, dimension reduction methods, and neural networks.
Support Vector Machine (SVM): SVM is a supervised ML method used widely in the literature to identify abnormal behaviors of spacecraft. For instance, SVM [37] was used to detect anomalies in the control subsystem of an anonymized in-orbit satellite. It examined the behavior of 12 parameters (e.g., gyroscope, earth sensor, controller, etc.), and it obtained an accuracy of 97.4%. The use of SVM was also investigated for the NASA SMAP/MSL dataset [38], obtaining a recall of 85.7% and a precision of 84.1%. Another work which utilized the SVM with ESA OPS-SAT telemetry data has been shown in [26]. In this work, SVM achieved 86.62% and 66.37% with respect to precision and recall, respectively. Different unsupervised variants of the SVM model have been used for anomaly detection on spacecraft telemetry such as One-Class SVM (OCSVM) [36,39,40], Least Squares SVM (LS-SVM) [28], and Integrated Least Squares SVM (ILS-SVM) [41].
Nearest neighbors: Anomaly detection of spacecraft telemetry has also been tackled with nearest neighbors approaches. Nearest neighbors [42] anomaly detection methods assume that normal data points arise in dense, clustered neighborhoods, while anomalies appear far from their nearest neighbors. These methods require a distance or similarity measure defined between two data instances. K-Nearest Neighbors (KNN) [10,26,36,40] and improved KNN [43] are two methods which have been used to conduct anomaly detection on spacecraft telemetry data. The experimental study performed on the OPS-SAT telemetry dataset in [26] revealed that the KNN approach provides decent anomaly detection, reaching 61.54% in terms of recall, which is slightly lower than the results obtained by the SVM model. Improved KNN, which was tested on the ADAPT-Lite EPS (Electrical Power System) dataset, has obtained a higher accuracy of anomaly detection compared to the neural network method. However, the proposed method suffered from poor performance and is computationally heavy when faced with large and extremely uneven distribution sample datasets.
Clustering approaches: Detecting unexpected patterns in the spacecraft telemetry data has also been attempted using clustering approaches [39,44,45,46]. For example, Gao et al. [44] developed a normal behavior clustering anomaly detection approach. They performed this method to detect anomalies of six parameters related to the power subsystem of an actual in-orbit satellite. Jin et al. [45] adopted an extended dominant sets clustering algorithm to distinguish between normal and abnormal samples of synthetic and real telemetry datasets generated by the Tianping-2B satellite. The proposed clustering algorithm managed to increase the anomaly detection score by 3–10%. The works presented in [39,46] have proposed different clustering strategies to detect anomalies. The first one uses probabilistic clustering and dimensionality reduction. It was implemented to catch faults in the telemetry data of the Small Demonstration Satellite 4 (SDS-4) of the Japan Aerospace Exploration Agency (JAXA). The second paper proposes a density peak clustering-based two-stage anomaly detection approach to check whether the system of the analogue solar sensor on the Zheda Pixing 1A (ZDPS-1A) satellite is normal or not.
Dimensionality Reduction (DR): DR approaches have emerged as valuable tools for identifying anomalies. The key idea of DR methods [47] is representing the principal system behavior of the spacecraft telemetry data by a much smaller number of latent variables. Recovering the original dimensions of the reduced data system and compare them with the original one has proven to be useful in detecting anomalies. Principal Component Analysis (PCA) [36,48,49], Kernel PCA (KPCA) [48], Mixture Probabilistic PCA (MPPCA) [50], and the Laplacian Eigenmaps Latent Variable Model (LELVM), among others, have been used to identify spacecraft anomalies. These methods have been assessed using different real spacecraft telemetry datasets; some of them are anonymized like in [49], while the others are provided by the EPS data of two satellites owned by JAXA [47,48] or the Korea Multi-Purpose Satellite 2 (KOMPSAT-2) [50]. Considering the results obtained in [47], MPPCA was considered as the best performing among the reference methods (PCA, KPCA, LELVM, etc.) both in the detection accuracy and computational time.
Neural Networks (NN): There are some works which utilized neural networks to detect anomalies in spacecraft telemetry data. For example, an NN-based method was assessed in [37], and it gave an accuracy of 92%. Bernard et al. [51] proposed an improved NN method called Envelop Learning and Monitoring using Error Relaxation (ELMER). This method uses the NN to periodically set new threshold bounds, providing faster detection with fewer false alarms. Ramachandran et al. [52] proposed an Anomaly Detection via Topological-feature Map (ADTM)-based approach. The ADTM method combines a two-layer Artificial Neural Network (ANN) and the Extra Tee Classifier (ETC) approach. The performance of ADTM was validated on telemetry data collected from a Lab-Stationed CubeSat (LabSat), and it proved its performance at detecting both known and unknown anomalies. Extreme Learning Machines (ELMs) are another NN model, introduced by Baireddy et al. in [27], to detect any abnormalities in the behavior of the channels. The current approach is able to learn from the time series data in real time. It lessens the amount of training and data required to obtain a predictor model for each channel. Experiments conducted on the SMAP/MSL dataset have proved that this method is able to achieve comparable performance to the state-of-the-art spacecraft anomaly detection methods with minimal training time and data.
In addition to one-dimensional data, ML methods can support multi-dimensional data. Indeed, these methods perform very well when the size of data is small. However, the above models have suffered considerable challenges due to the increasing volumes of complex telemetry data, which limits the detection performance, results in high false detection rates, and does not allow for the efficient interpretation of anomaly detection of telemetry data. Recently, there has been a shift in interest toward deep learning (DL) methods instead of ML approaches due to their capacity to handle the large volume of data and the complex interactions among multi-variate spacecraft telemetry data.

3.2.2. Deep Learning Methods

With the remarkable growth of DL, a significant interest has also been noted in exploring these advanced algorithms for anomaly detection in space operations. Convolutional Neural Networks (CNNs) [8,9,10,30], Recurrent Neural Networks (RNNs) [20,22,36], and Transformers are different classes of DL models, which have been used recently to detect anomalies in spacecraft telemetry data [31,32,53].
Convolutional Neural Networks (CNNs): CNNs consist of consecutive convolutional, pooling, and fully connected layers that adaptively learn the spatial hierarchies of features from the input sequence data. These architectures have achieved leading performance on various spacecraft anomaly detection tasks. For example, Yuan et al. [54] explored a specific CNN method called Temporal Convolution Network (TCN) to detect anomalies in multi-dimensional spacecraft telemetry data. The performance of TCN was evaluated using a set of real telemetry datasets of solid state power amplifiers which were generated from two different satellites. The telemetry variables of the first satellite include voltages and currents, while the variables provided by the second satellite involve temperatures and currents. The TCN model performed satisfactory detection performance, obtaining an average accuracy of 96% for short time step and 96.45% for long time steps, in addition to a smaller inference time in both cases. Another anomaly detection framework for spacecraft telemetry data based on TCN was proposed in [7]. This novel method utilizes dynamic graph attention to model the complex correlation among variables and time series. It outperformed state-of-the-art models in terms of F 1 score, precision, and recall on SMAP/MSL spacecraft datasets.
The Graph Convolutional Network (GCN) is another attempt, proposed in [55], to detect anomalies in spacecraft telemetry data. The results obtained on SMAP/MSL spacecraft datasets support the capability of the GCN in detecting anomalies in telemetry data. Inspired by the success of the GCN in spacecraft anomaly detection, Song et al. [30] developed another GCN variant. The novel method extracts the correlation information between the telemetry variables and provides attention for subsequent telemetry data anomaly detection. It was tested on SMAP/MSL datasets as well, and it obtained a 94.86% precision result and 99.59% recall result, which superseded the results obtain in [55].
The work in [8] discusses other state of-the-art CNN arcitectures such as Residual Networks (ResNet) and the Fully Convolutional Network (FCN). The latter can effectively process time series data, capturing valuable historical information for future prediction. Experimental results, conducted on the typical SMAP and MSL datasets, have proved that the ResNet model presents high performance, taking into account accuracy and computational efficiency, while the FCN shows a marked proficiency in capturing spatial patterns.
Recurrent Neural Networks (RNNs): RNNs present another class of neural networks, which are used to process sequential data. Unlike CNN models, RNNs have connections that loop back, allowing them to maintain the memory of previous inputs in the sequence. Long Short Term Memory (LSTM) [20,22,36] and Gated Recurrent Unit (GRU) [8,56] are the most known RNN architectures. Both of them use gates to learn the relationship between past and current data values. In addition to spatial components, RNNs (LSTMs and GNUs) show a noted proficiency in capturing temporal anomalies in spacecraft telemetry data.
LSTMs were designed to fix the vanishing gradient problem inherent in the original RNN architecture, making them able to learn from long-range sequences. There exist many LSTM models which have been trained specifically to process spacecraft telemetry data. For example, the study originally proposed by Hundman et al. in [20] showed the utility of LSTMs in detecting abnormal behavior in real time series data. This method, which resulted in a precision and recall of 87.5% and 80.0%, respectively, on the NASA SMAP and MSL datasets, was improved upon in [57] by integrating Causality Features (CFs). In contrast to the classic LSTM, the CF-LSTM model treats the correlation between the parameters, which helps to enhance the prediction precision and is sensitive to anomalies. Using 20 parameters generated by a public dataset from a real system, CF-LSTM showed an improved detection precision, recall, and F 1 score compared to LSTM and other anomaly detection models. Transfer learning [22], adapted to construct a general pretrained model to any specific telemetry channel, was shown to be effective in reducing the training time on the NASA SMAP/MSL dataset when it was integrated with the LSTM model. The work in [58] shows that a combination between the LSTM model and an attention multi-scale anomaly detection strategy was effective at detecting anomalies on NASA SMAP/MSL benchmark spacecraft data and the hydrogen clock data of the Beidou Navigation Satellite. The multi-scale anomaly detection strategy integrates the detection of global and local features at different time scales which provides higher recall rate and fewer false alarms. In [59], two methodologies that integrated the Bayesian neural networks and the Variational Auto-Encoder (VAE) within the LSTM (MCD-BiLSTM, MCD-BiLSTM+VAE) have been proposed for detecting anomalies. The experimental results on an imbalanced spacecraft telemetry dataset show that the proposed models can obtain higher scores than traditional neural networks.
GRU is another RNN model designed to process temporal features within sequential data. This model, which is built to capture dependencies for sequences of varied lengths, has a simpler structure compared to LSTM. This advantage offers the capacity to model data sequences with reduced computational requirements. The GRU model [7] was trained on the SMAP/MSL datasets to handle the anomaly detection problem. It showed a sufficient performance/training time tradeoff with respect to the conventional methods. GRU method leveraged the benefits of the Extreme Value Theory (EVT) in [56] to process multiple channels of telemetry data and maximize the detection performance. Yu et al. [60] evaluated an anomaly detection approach based on a Variational Auto-Encoder with a Gated Recurrent Unit (GRU-VAE) for anomaly detection and diagnosis of spacecraft system. The GNU-VAE showed lower anomaly detection results on the SMAP/MSL datasets than the other baseline methods.
Transformers: Exploring the self-attention mechanism, transformer-based anomaly detectors have achieved great improvements in time series tasks [8,29,31,32,53]. This success is attributed to their great power of discovering reliable long-range temporal dependencies. The experimental results in [29,32] demonstrated that the different transformer-based architectures present promising results in computational efficiency. For example, they could save about 80% of the training time compared to LSTM. They have the advantage that they can focus on both local and global contexts, especially in scenarios where anomalies are subtle and span over longer durations. In [31], Tuli et al. have proposed a transformer based encoder–decoder model called TranAD able to identify data trends with limited data. The novel approach, tested on eight different spacecraft datasets, managed to improve the F 1 score by 11% with a limited training dataset and identify up to 75% of the detected anomalies, which was higher than the reference methods. In [53], a transformer-based regression model was used to analyze one-dimensional time series data of a specific spacecraft parameter. Experimental results demonstrate that this approach surpasses some ML methods like Random Forest and SVM.

3.2.3. Hybrid Models

Hybrid approaches are increasingly common. These approaches integrate different algorithms or methodologies to improve detection accuracy and reliability by exploiting the strengths of different strategies. To benefit from different anomaly detection models, many works have studied hybrid models [8,60,61,62,63]. For example, Tariq et al. [62] combine the LSTM with the MPPCA model for spacecraft anomaly detection. The developed method tends to overcome the limitation of the single channel of the LSTM model and improve the detection performance. It was able to attain a precision of more than 90%. The LSTM model was also combined with the transformer in [8,63]. Compared to the original models (transformer and LSTM), the hybrid transformer–LSTM structure achieved higher precision. It could also effectively extract both global and local features from satellite time series data. Another study [61] considered a hybrid CNN–transformer model, joining the spatial learning efficiency of CNNs with the sequence learning of transformers to extract global and local spatial information. Experiments have demonstrated that the designed model can learn the spatial–temporal correlations from multi-variate time series data and achieve better anomaly detection performance than the literature approaches. Some good results based on CNN and LSTM within a spatial–temporal Generative Adversarial Network (GAN) were obtained in [60].
Experimental studies have shown that the hybrid method presents high aptitudes to detect anomalies in real datasets while conserving a lower false alarm rate. The current state-of-the-art methods with their corresponding benefits, limits, and experimental details can be seen in Table 1. Figure 2 presents the taxonomy of anomaly detection approaches used in spacecraft systems.
Table 2 presents the performance metrics (precision and recall) of anomaly detection for ML/DL approaches on the SMAP/MSL datasets. We highlight the best results in bold. From this table, we can see that the GCN [30] has the highest precision, while TranAD [31] outperforms the reference methods in terms of recall.

3.2.4. Computational Efficiency

Although performance should always be a key priority, computational efficiency has significant interest for real-time spacecraft applications. Table 3 reports the average training/inference time in seconds per channel/sample for some proposed models on the SMAP/MSL datasets. For example, TranAD [31] provides the best performance in training time consumption. This is because TranAD uses positional encoding to push the whole sequence as an input in place of using local windows.
Transfer learning used within the LSTM method [22] saves more training time compared to FCN and ResNet [8] architectures. From our analysis, the computational time required depends highly on the deployment setting and computational resources. All these variables make it difficult to fairly benchmark computational efficiency, although it is clear that the TranAD method has an edge, as also evidenced by the results we obtain for TranAD on a different dataset.

4. Datasets and Performance Evaluation Indices

In this section, we discuss most of the spacecraft telemetry datasets to which anomaly detection approaches in the literature have been applied. The commonly used performance metrics are also highlighted.

4.1. Datasets

The performance of the algorithms and methods introduced in the previous section was demonstrated on several different datasets. Several anomaly detection methods was tested on synthetic [45] or simulated spacecraft telemetry datasets [37,48,54], while over 80% of anomaly detection application research in spacecraft was done using real public or anonymized datasets [7,8,9,20,22,24,26,27,28,29,30,31,32,36,44,47].
In simulated datasets, the anomalous data are produced by injecting fault into the ordinary data. For example, in [54], point and contextual anomalies were injected into the real data to evaluate the efficiency of TCN method. In [37], Gao et al. inserted fault data into the normal data of a control subsystem of an actual in-orbit satellite, using the Matlab/Simulink environment, to detect and identify anomaly type in telemetry data.
Numerous real datasets were designed and used to evaluate the state-of-the-art anomaly detection methods. These datasets, collected from different spacecraft telemetry systems, mainly include the following:
  • ESA datasets: ESA benchmark datasets such as Sentinel-1 [36] and OPS-SAT [26,40] were tested with several numbers of ML and DL algorithms for anomaly detection. The ESA Sentinel-1 dataset contains data from 10 channels, while OPS-SAT includes data from 9 channels. In [9], another ESA database, collected from the XMM-Newton orbit, was explored to detect anomalous behavior in space operations using OOL alarms. The XMM-Newton dataset contains around 2000 housekeeping telemetry parameters.
  • NASA SMAP/MSL datasets: The Soil Moisture Active Passive (SMAP) satellite and Mars Science Laboratory (MSL) rover data are the most commonly used telemetry datasets [3,7,8,20,29,30,31,32,64] in spacecraft anomaly detection due to dataset availability. The SMAP and MSL are very different missions. The SMAP collects information about the moisture level within the first five centimeters of soil to obtain a better understanding of the carbon and water cycle, while the MSL was designed to study the potential habitability in the Red Planet in the past and present environments. The two data missions were published by the NASA Jet Propulsion Laboratory. They contain 81 channels of telemetry data. The SMAP/MSL data consist of 496,444 telemetry values associated with 105 anomaly sequences. Anomaly measurements present only 16.12% of the total samples. They contain about 75387 anomalous samples. Proportionally, 59% of anomalous data correspond to point anomalies and 41% to contextual abnormalities.
  • JAXA datasets: Some approaches in the literature were designed for different JAXA missions. For example, the authors in [21,47,50] have studied the efficiency of DR methods on the EPS of different JAXA satellites such as the Mission Demonstration Satellite 1 (MDS-1) and Data Relay Transponder Satellite (DRTS). In [39], a clustering approach was implemented on a telemetry data acquired by Small Demonstration Satellite 4 (SDS-4) using onboard software by the JAXA satellite.
  • Other telemetry datasets: Other spacecraft telemetry datasets such as KOMPSAT-2 [62], the Power System of a Rocket (PSR) [60], and Tianping-2B [45] have been used to study telemetry anomaly detection approaches. For example, KOMPSAT-2 was used to assess the performance of combining the LSTM and MPPCA algorithms in detecting anomalous events. A more advanced LSTM variant was applied to Tianping-2B, where the authors developed an anomaly detection method based on GANs. The work proposed in [60] presents the performance of clustering method to a power system of a rocket satellite.
  • Anonymized spacecraft in-orbit datasets: For confidentiality or security purposes, many approaches chose to do not publish the real parameters names, timestamps, source or any other details about the spacecraft datasets used [24,28,44,45].
Indications of telemetry anomalies for many spacecraft, including the SMAP and MSL, can be found within “Incident/Surprise/Anomaly” (ISA) reports. ISA reports provide valuable information about the incidents and anomalies which appear in specific telemetry channels.
We summarize the characteristics of various spacecraft telemetry datasets in Table 4. Several articles do not list certain dataset parameters such as the number of telemetry values, the number of channels, and the number of anomalies.

4.2. Evaluation Indices

The implementation of different methods provides the opportunity to compare the obtained results. In order to quantify the anomaly detection performance, the vast majority of papers, especially those which adopt ML and DL models [7,20,21,22,24,25,26,27,28,29,30,31,32,36,37,38,39,41,42,43,44,45,46,47,48,49,50,52,53,54,55,56,60,61,62,63,68], make use of confusion matrices and visualizations. A confusion matrix displays the number of true or false positives (TPs/FPs) and the respective true or false negatives (TNs/FNs). A TP is registered if the detected anomalous sequence overlaps with a ground truth anomalous sequence. If multiple detected anomalies overlap with one labeled sequence, only one TP is recorded. A FN is recorded if no predicted sequences overlap with the ground truth anomalous sequence. On the other hand, a FP is registered if a detected anomaly sequence does not overlap with a true anomaly sequence. The number of correctly detected anomalies is determined by the sum of TPs or TNs, while the set of incorrect anomalies is obtained from the total number of FPs or FNs.
Accuracy, precision, recall, F 1 score, true positive ratio (TPR), false positive ratio (FPR), false alarm rate, receiver operating characteristic (ROC), area under curve (AUC) and prediction error (RMSE, MQE…), among others, were employed in the literature as metrics to evaluate the performance of the anomaly detection models.
Some papers, such as in [6], consider that the accuracy metric can be a misleading measure when the data are highly imbalanced. In this case, it is recommended to conduct model evaluation in terms of precision, recall, F 0.5 and F 1 scores. A high precision means that the model has a low false positive rate, while a high recall means that a low number of true anomalies are undetected.
F 1 and F 0.5 are evaluation metrics that assess the overall effectiveness of an anomaly detection model by integrating both recall and precision. The F 1 score equally weights precision and recall, providing a balanced measure of a model’s performance. It is especially useful when both precision and recall are equally important in the anomaly detection problem. The F 0.5 score places more emphasis on precision than recall, making it more suitable for situations where reducing false positives is a priority. F 1 and F 0.5 are defined as follows:
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
F 0.5 s c o r e = 1.25 × P r e c i s i o n × R e c a l l 0.25 × P r e c i s i o n + R e c a l l
The TPR determines the rate of anomalies correctly identified by a model, while the FPR measures the proportion of normal instances incorrectly reported as anomalies (false alarms).
The thresholding methods use simple performance metrics such as the false positive rate and accuracy. In addition to anomaly detection performance metrics, some studies [9,22,32,47] have accorded importance to the computation time.

5. Discussion

An overview of anomaly detection models in spacecraft telemetry data was presented in this paper. In the existing literature, anomaly detection models for time series data can be categorized based on their main concepts and architectures into two main groups: thresholding methods and AI methods.
Anomaly detection based on thresholding methods relies on simple processing and inspection of data by domain experts. However, with the evolution of spacecraft telemetry systems, the volume of data has increased, making such classical thresholding methods impractical. On the other hand, automatic anomaly detection algorithms, including ML methods, are becoming increasingly prevalent. Over the last decades, several ML models have been suggested for this purpose. However, the efficiency of these methods often degrades when applied to high data volumes or dimensions [7,56].
Since they have the capability to handle complex data and extract features from large-scale datasets, DL models have resulted in significant improvements over traditional ML models, making them more appropriate for anomaly detection applications. DL-based models for spacecraft anomaly detection can be broadly classified into three categories. The first category comprises models that utilize CNNs. CNNs are a family of neural networks used to process multi-variate time series data in spacecraft. Processing both spatial and temporal features in the data, CNNs are able to detect the different kind of anomalous patterns and unexpected events in spacecraft systems with high precision. The second group of methods involves RNN models. The RNNs are designed to process sequential data, allowing for the modeling of temporal features within the sequences. The third category encompasses transformers. Transformers have proven to be the best models to process long-term sequences. They have succeeded in effectively decreasing the requirement of computation resources. CNNs and RNNs models perform very well and even better than transformers for short-length series. To leverage the advantages of different thresholding, ML, and DL approaches, some hybrid models have been suggested.
So far, this study has exposed the state-of-the-art models as well as emerging trends in anomaly detection application in spacecraft telemetry data. To further boost this area of knowledge, it is necessary to identify and discuss the key challenges in this field. The main challenges affecting the anomaly detection of spacecraft telemetry data are presented below:
  • Detect complex types of anomalies: Spacecraft data missions represent uneven degrees of difficulty when it comes to anomaly detection. It is typically hard to predict complex types of anomalies such as sequential and contextual anomalies with limited training data and a wide variety of patterns. This can explain the lower performance for some missions like the MSL [20,22,36] and OPS-SAT [26,40].
  • Small number of public datasets available: For several reasons (in particular confidential ones), most of the studies chose to do not publish the explored dataset or any significant details about them. This prevents being able to compare and assess the different anomaly identification methodologies’ performances in a fair way and limits our ability to identify the most optimal method.
  • Limited availability of labeled anomaly data: The use of semi-supervised or unsupervised methods could be a good solution to solve the problem of lack of ground truth in anomaly detection datasets. However, they still give a lower performance compared to supervised algorithms [40].
  • Real time processing: One major challenge in detecting anomalies in spacecraft telemetry data is monitoring channels in near real time to avoid or mitigate a system failure. Early anomaly detection is valuable, but reliable solutions for real-time anomaly detection do not yet exist in the literature.
  • On-board processing limitations: Ideally, anomalies should be detected and processed onboard the spacecraft, but this means the model needs to run on the spacecraft computer system, and this brings issues with regard to computational complexity and possible issues with retraining.
  • Downlinking issue: Mission details, including telemetry data, are periodically transmitted by spacecraft to ground operators on Earth for analysis. Downlinking is the process of transmitting data from the spacecraft to Earth [69]. The link budget, or the amount of data that can be downlinked, is a constraint on every space mission. Even though the link budget is usually developed for every satellite mission during the planning stage, there are several factors that can affect the link and cause signal attenuation [70]. Therefore, it is not possible to downlink all data, and they may be lost, which consequently affects the anomaly detection performance if such anomaly detection is not done onboard.
A promising avenue for future research would be the application of deep generative models such as GANs to generate realistic anomalies from normal data, in particular to augment ground-truth datasets to include difficult and unexpected anomalies. This could offer a better solution for the limited labeled anomaly issue in datasets. There are a few other works which use self-supervised learning [71], contrastive learning [72], and transfer learning [22], which were recently used to detect anomaly telemetry data. These methods can capture the complex correlations between the various dimensions and generate accurate anomaly detection results. Exploring such algorithms may be an interesting direction for future research.
Since it would make it possible to react to failures and hazards faster, real-time anomaly detection is of extremely high importance to the community. An efficient suggestion for real-time anomaly detection is the exploration of real-world streaming algorithms such as Hierarchical Temporal Memory (HTM) [68]. Another potential research direction for spacecraft anomaly detection is onboard anomaly detection, where anomalies are identified in spacecraft systems. Given the limited resources available in spacecraft devices, studies involving onboard anomaly detection are limited in the existing literature [73,74,75]. Due to their parallelization capacity and limited parameter requirements, DL models, especially CNNs [76], have demonstrated computational efficiency. This benefit makes CNNs a promising direction in anomaly detection for spacecraft onboard applications.
Despite their prominent performance in the spacecraft anomaly detection field, ML/DL models face challenges in explainability [10]. Providing a clear explainability analysis is required to understand why a specific data instance has been identified as anomaly, how ML/DL algorithms make decisions, and what factors contributed to that detection [77]. In this context, explainable ML/DL is a very valuable tool to enhance spacecraft safety and avoid system failures, and it presents an important future research direction.
Training ML/DL models on real spacecraft telemetry data is often a time-consuming and resource-intensive task. Transfer learning, which takes advantage of the knowledge learned from another satellite model, may help to bypass this problem [22]. This method overcomes the need to retrain a model for every new setup. It makes the detection of anomalies with little or even no labeled data or limited computational resources feasible [78,79].
Due to the large volume and complexity of the data generated by spacecraft, big data processing engines such as Apache Spark [80,81] and Apache Flink [82] are key frameworks for evaluating and real-time monitoring spacecraft data. Spacecraft datasets can be efficiently stored, processed, and analyzed thanks to these engines, which would present an important research direction in the future, especially for real-time processing applications.
Finally, digital twins of spacecraft are useful tools for telemetry anomaly detection [83]. Digital twins allow for the generation of simulated data and thereby make it possible to test anomaly detection techniques on the ground before applying them to the spacecraft once it is launched. Profiting from such digital twins [84] in detecting anomalous events for spacecraft telemetry constitutes an interesting research trend.

6. Conclusions

In this work, we have reviewed the state-of-the-art methods in spacecraft anomaly detection and highlighted the benefits and drawbacks of each method. We also compared their performance on benchmark datasets. In summary, the choice of spacecraft anomaly detection method depends highly on the nature of the spacecraft telemetry data (spatial, temporal, complex, small/large size, sequence length, etc.), the type of anomalies, technical constraints, and computational resources.
We can argue that AI models have shown superior performance over traditional thresholding methods.
Nevertheless, a larger number of publicly available labeled anomaly datasets is crucial to ensure the possibility of benchmarking models and the uptake of such techniques. In addition, real-time and onboard implementation of such complex models is an ongoing area of research.

Author Contributions

Conceptualization, A.F.; Formal analysis, A.F.; Funding acquisition, G.V.; Methodology, A.F. and G.V.; Project administration, G.V.; Resources, G.V.; Supervision, G.V. and R.C.; Validation, G.V. and R.C.; Writing—original draft, A.F.; Writing—review and editing, A.D., R.C. and G.V. All authors have read and agreed to the published version of the manuscript.

Funding

Project ASTRA-AI Financed by Xjenza Malta through FUSION Space Upstream Programme.

Data Availability Statement

Not applicable.

Acknowledgments

The authors express their gratitude to all reviewers and editors for their valuable suggestions in improving this paper.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Hassrizal, H.B.; Rossiter, J.A. A survey of control strategies for spacecraft attitude and orientation. In Proceedings of the 2016 UKACC 11th International Conference on Control (CONTROL), Belfast, UK, 31 August–2 September 2016; pp. 1–6. [Google Scholar] [CrossRef]
  2. Tang, X.; Yung, K.L.; Hu, B. Chapter 10—Reliability and health management of spacecraft. In Aerospace Engineering, IoT and Spacecraft Informatics; Yung, K.L., Andrew, W.H.I., Xhafa, F., Tseng., K.K., Eds.; Elsevier: Amsterdam, The Netherlands, 2022; pp. 307–335. [Google Scholar] [CrossRef]
  3. Cheng, Y.; Ying, G.; Jingyan, W.; Xiao, X. Research on Spacecraft Fault Diagnosis and Recovery Architecture. J. Phys. Conf. Ser. 2024, 2762, 012064. [Google Scholar] [CrossRef]
  4. Landis, G.A.; Bailey, S.G.; Renee, T. Causes of Power-Related Satellite Failures. In Proceedings of the 2006 IEEE 4th World Conference on Photovoltaic Energy Conference, Waikoloa, HI, USA, 7–12 May 2006; pp. 1943–1945. [Google Scholar] [CrossRef]
  5. He, J.; Cheng, Z.; Guo, B. Anomaly Detection in Satellite Telemetry Data Using a Sparse Feature-Based Method. Sensors 2022, 22, 6358. [Google Scholar] [CrossRef]
  6. 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]
  7. Liu, L.; Tian, L.; Kang, Z.; Wan, T. Spacecraft anomaly detection with attention temporal convolution networks. Neural Comput. Appl. 2023, 35, 9753–9761. [Google Scholar] [CrossRef]
  8. Lakey, D.; Schlippe, T. A Comparison of Deep Learning Architectures for Spacecraft Anomaly Detection. In Proceedings of the 2024 IEEE Aerospace Conference, Big Sky, MT, USA, 2–9 March 2024; IEEE: Piscataway, NJ, USA; pp. 1–11. [Google Scholar] [CrossRef]
  9. Martínez-Heras, J.; Donati, A. Enhanced Telemetry Monitoring with Novelty Detection. AI Mag. 2014, 35, 37–46. [Google Scholar]
  10. Cuéllar, S.; Santos, M.; Alonso, F.; Fabregas, E.; Farias, G. Explainable anomaly detection in spacecraft telemetry. Eng. Appl. Artif. Intell. 2024, 133, 108083. [Google Scholar] [CrossRef]
  11. Peng, X.; Pang, J.; Peng, Y.; Liu, D. Review on anomaly detection of spacecraft telemetry data. Chin. J. Sci. Instrum. 2016, 37, 1929–1945. [Google Scholar]
  12. CCAC_Library. Evaluating Internet Resources. Available online: https://libguides.ccac.edu/ld.php?content_id=4990350 (accessed on 20 February 2024).
  13. Zamanzadeh Darban, Z.; Webb, G.I.; Pan, S.; Aggarwal, C.; Salehi, M. Deep Learning for Time Series Anomaly Detection: A Survey. ACM Comput. Surv. 2024, 57, 1–42. [Google Scholar] [CrossRef]
  14. Chandola, V.; Banerjee, A.; Kumar, V. Anomaly Detection: A Survey. ACM Comput. Surv. 2009, 41, 15. [Google Scholar] [CrossRef]
  15. Das, T.K.; Adepu, S.; Zhou, J. Anomaly detection in Industrial Control Systems using Logical Analysis of Data. Comput. Secur. 2020, 96, 101935. [Google Scholar] [CrossRef]
  16. Chatterjee, A.; Ahmed, B.S. IoT anomaly detection methods and applications: A survey. Internet Things 2022, 19, 100568. [Google Scholar] [CrossRef]
  17. Melnykova, N.; Kulievych, R.; Vycluk, Y.; Melnykova, K.; Melnykov, V. Anomalies Detecting in Medical Metrics Using Machine Learning Tools. Procedia Comput. Sci. 2022, 198, 718–723. [Google Scholar] [CrossRef]
  18. Diro, A.; Kaisar, S.; Vasilakos, A.V.; Anwar, A.; Nasirian, A.; Olani, G. Anomaly detection for space information networks: A survey of challenges, techniques, and future directions. Comput. Secur. 2024, 139, 103705. [Google Scholar] [CrossRef]
  19. Wu, J.; Yao, L.; Liu, B.; Ding, Z.; Zhang, L. Combining OC-SVMs With LSTM for Detecting Anomalies in Telemetry Data With Irregular Intervals. IEEE Access 2020, 8, 106648–106659. [Google Scholar] [CrossRef]
  20. 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]
  21. Pilastre, B.; Boussouf, L.; D’Escrivan, S.; Tourneret, J.Y. Anomaly detection in mixed telemetry data using a sparse representation and dictionary learning. Signal Process. 2020, 168, 107320. [Google Scholar] [CrossRef]
  22. 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 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), Nashville, TN, USA, 19–25 June 2021; pp. 1951–1960. [Google Scholar] [CrossRef]
  23. Lakey, D.; Schlippe, T. Anomaly Detection in Spacecraft Telemetry: Forecasting vs. Classification. In Proceedings of the 2024 IEEE Space Computing Conference (SCC), Mountain View, CA, USA, 15–19 July 2024; pp. 17–27. [Google Scholar] [CrossRef]
  24. Zeng, Z.; Jin, G.; Xu, C.; Chen, S.; Zhang, L. Spacecraft Telemetry Anomaly Detection Based on Parametric Causality and Double-Criteria Drift Streaming Peaks over Threshold. Appl. Sci. 2022, 12, 1803. [Google Scholar] [CrossRef]
  25. Bieber, M.; Verhagen, W.J.C.; Cosson, F.; Santos, B.F. Generic Diagnostic Framework for Anomaly Detection—Application in Satellite and Spacecraft Systems. Aerospace 2023, 10, 673. [Google Scholar] [CrossRef]
  26. Ruszczak, B.; Kotowski, K.; Andrzejewski, J.; Musiał, A.; Evans, D.; Zelenevskiy, V.; Bammens, S.; Laurinovics, R.; Nalepa, J. Machine Learning Detects Anomalies in OPS-SAT Telemetry. In Proceedings of the Computational Science—ICCS 2023, Prague, Czech Republic, 3–5 July 2023; Springer: Cham, Switzerland, 2023; pp. 295–306. [Google Scholar]
  27. Baireddy, S.; Chan, M.W.; Desai, S.R.; Foster, R.H.; Comer, M.L.; Delp, E.J. Spacecraft Time-Series Online Anomaly Detection Using Extreme Learning Machines. In Proceedings of the 2022 IEEE Aerospace Conference (AERO), Big Sky, MT, USA, 5–12 March 2022; pp. 1–9. [Google Scholar] [CrossRef]
  28. Xiong, L.; Ma, H.D.; Fang, H.Z.; Zou, K.X.; Yi, D.W. Anomaly detection of spacecraft based on least squares support vector machine. In Proceedings of the 2011 Prognostics and System Health Managment Confernece, Shenzhen, China, 24–25 May 2011; pp. 1–6. [Google Scholar] [CrossRef]
  29. Meng, H.; Zhang, Y.; Li, Y.; Zhao, H. Spacecraft Anomaly Detection via Transformer Reconstruction Error. In Proceedings of the International Conference on Aerospace System Science and Engineering, Toronto, ON, Canada, 30 July–1 August 2019; Jing, Z., Ed.; Springer: Singapore, 2020; pp. 351–362. [Google Scholar]
  30. Song, Y.; Yu, J.; Tang, D.; Yang, J.; Kong, L.; Li, X. Anomaly Detection in Spacecraft Telemetry Data using Graph Convolution Networks. In Proceedings of the 2022 IEEE International Instrumentation and Measurement Technology Conference (I2MTC), Ottawa, ON, Canada, 16–19 May 2022; pp. 1–6. [Google Scholar] [CrossRef]
  31. Tuli, S.; Casale, G.; Jennings, N. TranAD: Deep transformer networks for anomaly detection in multivariate time series data. Proc. VLDB Endow. 2022, 15, 1201–1214. [Google Scholar] [CrossRef]
  32. Meng, H.; Li, Y.; Zhang, Y.; Zhao, H. Spacecraft Anomaly Detection and Relation Visualization via Masked Time Series Modeling. In Proceedings of the 2019 Prognostics and System Health Management Conference (PHM-Qingdao), Qingdao, China, 25–27 October 2019; pp. 1–7. [Google Scholar] [CrossRef]
  33. Fuertes, S.; Pilastre, B.; D’Escrivan, S. Performance assessment of NOSTRADAMUS & other machine learning-based telemetry monitoring systems on a spacecraft anomalies database. In Proceedings of the 15th International Conference on Space Operations, Marseille, France, 28 May–1 June 2018. [Google Scholar] [CrossRef]
  34. Fernández, M.M.; Yue, Y.; Weber, R. Telemetry Anomaly Detection System Using Machine Learning to Streamline Mission Operations. In Proceedings of the 2017 6th International Conference on Space Mission Challenges for Information Technology (SMC-IT), Madrid, Spain, 27–29 September 2017; pp. 70–75. [Google Scholar] [CrossRef]
  35. Nalepa, J.; Myller, M.; Andrzejewski, J.; Benecki, P.; Piechaczek, S.; Kostrzewa, D. Evaluating algorithms for anomaly detection in satellite telemetry data. Acta Astronaut. 2022, 198, 689–701. [Google Scholar] [CrossRef]
  36. Herrmann, L.; Bieber, M.; Verhagen, W.; Cosson, F.; Santos, B. Unmasking overestimation: A re-evaluation of deep anomaly detection in spacecraft telemetry. CEAS Space J. 2024, 16. [Google Scholar] [CrossRef]
  37. Gao, Y.; Yang, T.; Xing, N.; Xu, M. Fault detection and diagnosis for spacecraft using principal component analysis and support vector machines. In Proceedings of the 2012 7th IEEE Conference on Industrial Electronics and Applications (ICIEA), Singapore, 18–20 July 2012; pp. 1984–1988. [Google Scholar]
  38. Li, T.; Comer, M.; Delp, E.; 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 (MILCOM), Norfolk, VA, USA, 12–14 November 2019; pp. 165–170. [Google Scholar] [CrossRef]
  39. Yairi, T.; Takeishi, N.; Oda, T.; Nakajima, Y.; Nishimura, N.; Takata, N. A Data-Driven Health Monitoring Method for Satellite Housekeeping Data Based on Probabilistic Clustering and Dimensionality Reduction. IEEE Trans. Aerosp. Electron. Syst. 2017, 53, 1384–1401. [Google Scholar] [CrossRef]
  40. Ruszczak, B.; Kotowski, K.; Evans, D.; Nalepa, J. The OPS-SAT benchmark for detecting anomalies in satellite telemetry. arXiv 2024, arXiv:2407.04730. [Google Scholar] [CrossRef]
  41. Wang, Y.; Zhang, T.; Hui, J.; Liu, Y. An anomaly detection method for spacecraft solar arrays based on the ILS-SVM model. J. Syst. Eng. Electron. 2023, 34, 515–529. [Google Scholar] [CrossRef]
  42. Zhao, M.; Chen, J.; Li, Y. A Review of Anomaly Detection Techniques Based on Nearest Neighbor. In Proceedings of the 2018 International Conference on Computer Modeling, Simulation and Algorithm (CMSA 2018), Beijing, China, 22–23 April 2018; Atlantis Press: Dordrecht, The Netherlands, 2018; pp. 290–292. [Google Scholar] [CrossRef]
  43. Cui, L.; Zhang, Q.; Shi, Y.; Yang, L.; Wang, Y.; Wang, J.; Bai, C. A method for satellite time series anomaly detection based on fast-DTW and improved-KNN. Chin. J. Aeronaut. 2023, 36, 149–159. [Google Scholar] [CrossRef]
  44. Gao, Y.; Yang, T.; Xu, M.; Xing, N. An Unsupervised Anomaly Detection Approach for Spacecraft Based on Normal Behavior Clustering. In Proceedings of the 2012 Fifth International Conference on Intelligent Computation Technology and Automation, Zhangjiajie, China, 12–14 January 2012; pp. 478–481. [Google Scholar] [CrossRef]
  45. Jin, X.; Wang, H.; Jin, Z. Anomaly detection of satellite telemetry data based on extended dominant sets clustering. J. Phys. Conf. Ser. 2023, 2489, 012036. [Google Scholar] [CrossRef]
  46. Wang, C.; Wang, H.; Jin, Z. Pico-satellite telemetry anomaly detection through clustering. J. Harbin Inst. Technol. 2018, 50, 110–116. [Google Scholar]
  47. Yairi, T.; Inui, M.; Yoshiki, A.; Kawahara, Y.; Takata, N. Spacecraft telemetry data monitoring by dimensionality reduction techniques. In Proceedings of the SICE Annual Conference 2010, Taipei, Taiwan, 18–21 August 2010; pp. 1230–1234. [Google Scholar]
  48. Fujimaki, R.; Yairi, T.; Machida, K. An approach to spacecraft anomaly detection problem using kernel feature space. In Proceedings of the Eleventh ACM SIGKDD International Conference on Knowledge Discovery in Data Mining, Chicago, IL, USA, 21–24 August 2005; KDD ’05. pp. 401–410. [Google Scholar] [CrossRef]
  49. Bingqing, F.; Shaolin, H.; Chuan, L.; Yangfan, M. Anomaly detection of spacecraft attitude control system based on principal component analysis. In Proceedings of the 2017 29th Chinese Control And Decision Conference (CCDC), Chongqing, China, 28–30 May 2017; pp. 1220–1225. [Google Scholar] [CrossRef]
  50. Tagawa, T.; Yairi, T.; Takata, N.; Yamaguchi, Y. Data monitoring of spacecraft using mixture probabilistic principal component analysis and hidden Semi-Markov models. In Proceedings of the 3rd International Conference on Data Mining and Intelligent Information Technology Applications, Macao, China, 24–26 October 2011; pp. 141–144. [Google Scholar]
  51. Bernard, D.; Doyle, R.; Riedel, E.; Rouquette, N.; Wyatt, J.; Lowry, M.; Nayak, P. Autonomy and software technology on NASA’s Deep Space One. IEEE Intell. Syst. Their Appl. 1999, 14, 10–15. [Google Scholar] [CrossRef]
  52. Ramachandran, S.; Rosengarten, M.; Belardi, C. Semi-Supervised Machine Learning for Spacecraft Anomaly Detection & Diagnosis. In Proceedings of the 2020 IEEE Aerospace Conference, Big Sky, MT, USA, 7–14 March 2020; pp. 1–10. [Google Scholar] [CrossRef]
  53. Hu, Z.; Liu, Y.; Lyu, W.; Miao, Q.; Tang, Y.; Zhang, Y. Research on Spacecraft Anomaly Detection Method Based on Transformer. In Proceedings of the 2023 CAA Symposium on Fault Detection, Supervision and Safety for Technical Processes (SAFEPROCESS), Yibin, China, 22–24 September 2023; pp. 1–5. [Google Scholar] [CrossRef]
  54. Wang, Y.; Wu, Y.; Yang, Q.; Zhang, J. Anomaly Detection of Spacecraft Telemetry Data Using Temporal Convolution Network. In Proceedings of the 2021 IEEE International Instrumentation and Measurement Technology Conference (I2MTC), Glasgow, UK, 17–20 May 2021; pp. 1–5. [Google Scholar] [CrossRef]
  55. Kiprit, G.N.; Koch, A.; Petry, M.; Werner, M. Graph Neural Networks for Anomaly Detection in Spacecraft. In Proceedings of the first joint European Space Agency SPAICE Conference/IAA Conference on AI in and for Space, European Centre for Space Applications and Telecommunications (ECSAT), Didcot, UK, 17–19 September 2024. [Google Scholar]
  56. Xiang, G.; Lin, R. Robust Anomaly Detection for Multivariate Data of Spacecraft Through Recurrent Neural Networks and Extreme Value Theory. IEEE Access 2021, 9, 167447–167457. [Google Scholar] [CrossRef]
  57. Chen, S.; Jin, G.; Ma, X. Detection and analysis of real-time anomalies in large-scale complex system. Measurement 2021, 184, 109929. [Google Scholar] [CrossRef]
  58. Yang, L.; Ma, Y.; Zeng, F.; Peng, X.; Liu, D. Improved deep learning based telemetry data anomaly detection to enhance spacecraft operation reliability. Microelectron. Reliab. 2021, 126, 114311. [Google Scholar] [CrossRef]
  59. Chen, J.; Pi, D.; Wu, Z.; Zhao, X.; Pan, Y.; Zhang, Q. Imbalanced satellite telemetry data anomaly detection model based on Bayesian LSTM. Acta Astronaut. 2021, 180, 232–242. [Google Scholar] [CrossRef]
  60. Yu, J.; Song, Y.; Tang, D.; Han, D.; Dai, J. Telemetry Data-Based Spacecraft Anomaly Detection With Spatial–Temporal Generative Adversarial Networks. IEEE Trans. Instrum. Meas. 2021, 70, 1–9. [Google Scholar] [CrossRef]
  61. Liu, J.; Li, Q.; An, S.; Ezard, B.; Li, L. EdgeConvFormer: Dynamic Graph CNN and Transformer based Anomaly Detection in Multivariate Time Series. arXiv 2023, arXiv:2312.01729. [Google Scholar]
  62. Tariq, S.; Lee, S.; Shin, Y.; Lee, M.S.; Jung, O.; Chung, D.; Woo, S.S. Detecting Anomalies in Space using Multivariate Convolutional LSTM with Mixtures of Probabilistic PCA. In Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining, Anchorage, AK, USA, 4–8 August 2019; KDD ’19. pp. 2123–2133. [Google Scholar] [CrossRef]
  63. Jiang, S.; Jiang, Y.; Wang, Y.; Zhang, X.; Zhang, Z. Anomaly Detection in Spacecraft Telemetry Data Based on Transformer-LSTM. In Proceedings of the 2023 International Conference on Intelligent Communication and Networking (ICN), Changzhou, China, 10–12 November 2023; pp. 271–276. [Google Scholar] [CrossRef]
  64. Yu, B.; Yu, Y.; Xu, J.; Xiang, G.; Yang, Z. MAG: A Novel Approach for Effective Anomaly Detection in Spacecraft Telemetry Data. IEEE Trans. Ind. Inform. 2024, 20, 3891–3899. [Google Scholar] [CrossRef]
  65. Bogdan, R. OPSSAT-AD—Anomaly Detection Dataset for Satellite Telemetry. Available online: https://zenodo.org/records/12588359 (accessed on 15 October 2024).
  66. NASA. NASA Anomaly Detection Dataset SMAP & MSL. Available online: https://www.kaggle.com/datasets/patrickfleith/nasa-anomaly-detection-dataset-smap-msl (accessed on 31 October 2024).
  67. Chensiya. Public_Data. Available online: https://github.com/chensiya/public_data (accessed on 31 October 2024).
  68. Ahmad, S.; Lavin, A.; Purdy, S.; Agha, Z. Unsupervised real-time anomaly detection for streaming data. Neurocomputing 2017, 262, 134–147. [Google Scholar] [CrossRef]
  69. Murphy, J.; Ward, J.E.; Mac Namee, B. An Overview of Machine Learning Techniques for Onboard Anomaly Detection in Satellite Telemetry. In Proceedings of the 2023 European Data Handling & Data Processing Conference (EDHPC), Juan Les Pins, France, 2–6 October 2023; pp. 1–6. [Google Scholar] [CrossRef]
  70. Gongora-Torres, J.M.; Vargas-Rosales, C.; Aragón-Zavala, A.; Villalpando-Hernandez, R. Link Budget Analysis for LEO Satellites Based on the Statistics of the Elevation Angle. IEEE Access 2022, 10, 14518–14528. [Google Scholar] [CrossRef]
  71. Hou, Y.; Li, H.; Wang, Y.; Wang, L.; Xu, Z. Satellite Anomaly Detection based on Improved Transformer Method. In Proceedings of the 2023 24st Asia-Pacific Network Operations and Management Symposium (APNOMS), Sejong, Republic of Korea, 6–8 September 2023; pp. 322–325. [Google Scholar]
  72. Guo, G.; Hu, T.; Zhou, T.; Li, H.; Liu, Y. Contrastive Learning with Prototype-Based Negative Mixing for Satellite Telemetry Anomaly Detection. Sensors 2023, 23, 4723. [Google Scholar] [CrossRef]
  73. Nalepa, J.; Andrzejewski, J.; Ruszczak, B.; Kotowski, K.; Musiał, A.; Evans, D.; Zelenevskiy, V.; Bammens, S.; Laurinovičs, R. Towards on-board anomaly detection in telemetry data using deep learning. In Proceedings of the 8th International Workshop On On-Board Payload Data Compression (OBPDC 2022), Athens, Greece, 28–30 September 2022. [Google Scholar]
  74. Iwana, B.K.; Uchida, S. An empirical survey of data augmentation for time series classification with neural networks. PLoS ONE 2021, 16, e0254841. [Google Scholar] [CrossRef]
  75. Cognettaa, S.; Ciancarellia, C.; Coralloa, F.; Mariottia, E.; Leboffea, A. Spacecraft On-board Anomaly Detection: Computational constrained Machine Learning approaches. In Proceedings of the 17th International Conference on Space Operations, Dubai, United Arab Emirates, 6–10 March 2023; pp. 1–15. [Google Scholar]
  76. Thiruloga, S.V.; Kukkala, V.K.; Pasricha, S. TENET: Temporal CNN with Attention for Anomaly Detection in Automotive Cyber-Physical Systems. In Proceedings of the 27th Asia and South Pacific Design Automation Conference, Taipei, Taiwan, 17–20 January 2022; IEEE Press: Piscataway, NJ, USA, 2022. ASPDAC’22. pp. 326–331. [Google Scholar] [CrossRef]
  77. Kricheff, S.; Maxwell, E.; Plaks, C.; Simon, M. An Explainable Machine Learning Approach for Anomaly Detection in Satellite Telemetry Data. In Proceedings of the 2024 IEEE Aerospace Conference, Big Sky, MT, USA, 2–9 March 2024; pp. 1–14. [Google Scholar] [CrossRef]
  78. Vercruyssen, V.; Meert, W.; Davis, J. Transfer Learning for Time Series Anomaly Detection. In Proceedings of the IAL@PKDD/ECML, Skopje, Macedonia, 18 September 2017. [Google Scholar]
  79. Yan, P.; Abdulkadir, A.; Luley, P.P.; Rosenthal, M.; Schatte, G.A.; Grewe, B.F.; Stadelmann, T. A Comprehensive Survey of Deep Transfer Learning for Anomaly Detection in Industrial Time Series: Methods, Applications, and Directions. IEEE Access 2024, 12, 3768–3789. [Google Scholar] [CrossRef]
  80. Lunga, D.; Gerrand, J.; Yang, L.; Layton, C.; Stewart, R. Apache Spark Accelerated Deep Learning Inference for Large Scale Satellite Image Analytics. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2020, 13, 271–283. [Google Scholar] [CrossRef]
  81. Wang, H.; Yu, J.; Tang, D.; Han, D.; Tian, L.; Dai, J. Mining diagnostic knowledge from spacecraft data based on Spark cluster. In Proceedings of the 2020 15th IEEE Conference on Industrial Electronics and Applications (ICIEA), Kristiansand, Norway, 9–13 November 2020; pp. 1762–1767. [Google Scholar] [CrossRef]
  82. Paul Davidson, G. Technical Review of Apache Flink For Big Data. Int. J. Aquat. Sci. 2021, 12, 3340–3346. [Google Scholar]
  83. Wang, Y.; Cao, Y.; Wang, F.Y. Anomaly Detection in Digital Twin Model. In Proceedings of the 2021 IEEE 1st International Conference on Digital Twins and Parallel Intelligence (DTPI), Beijing, China, 15 July–15 August 2021; pp. 208–211. [Google Scholar] [CrossRef]
  84. Nalepa, J.; Andrzejewski, J.; Myller, M.; Kiesbye, J.; Messmann, D.; Koch, J.; Kostrzewa, D. Building and verifying end-to-end deep learning engines to detect anomalies in spacecraft telemetry using satellite digital twins. In Proceedings of the IAC 2022 Congress Proceedings, 73rd International Astronautical Congress (IAC), Paris, France, 18 September 2022. [Google Scholar]
Figure 1. Typical communication between a ground telemetry station and an on-orbit spacecraft [7].
Figure 1. Typical communication between a ground telemetry station and an on-orbit spacecraft [7].
Applsci 15 05653 g001
Figure 2. Spacecraft anomaly detection taxonomy.
Figure 2. Spacecraft anomaly detection taxonomy.
Applsci 15 05653 g002
Table 1. Summary of anomaly detection methods for spacecraft telemetry systems.
Table 1. Summary of anomaly detection methods for spacecraft telemetry systems.
Method(s)Dataset(s)Anomaly Type(s)Metric(s)Benefit(s) and Limit(s)
Thresholding [9,24]- ESA XMM-Newton
- Military communication satellite
Sequential anomaly- Precision
- Recall
- F 1 score
- Graphic presentations
+ Simple to use
+ Easy to understand
- Not sufficient for the complex spacecraft systems with a several numbers of sensors
- Requires engineering effort
- Requires amount of tuning
SVM [26,37,38], OCSVM [39], LS-SVM [28], ILS-SVM [41]- NASA SMAP/MSL
- ESA OPS-SAT
- Point
- Contextual
- Collective
- Accuracy
- Precision
- Recall
- F 1 score
- Time
+ Capture complex non-linear relationships between features.
+ Manage with dataset with limited or no labeled anomalies.
- Issues with large datasets and high-dimensional spaces.
Nearest neighbors: KNN [10,26], Improved KNN [43]- ESA OPS-SAT
- ADAPT-Lite EPS
- Accuracy
- Precision
- Recall
- F 1 score
- Mirco- F 1 score
+ High accuracy
- Poor effect when the sample set has uneven distribution.
- Long calculation time for large sample dataset.
Clustering approaches [39,44,45,46]- Tianping-2B
- JAXA: SDS-4
- AUC
- False positive rate
- Accuracy
+ Little a priori knowledge
+ Low construction cost
- Unable to detect anomaly in local areas
PCA [48,49], KPCA [48], MPPCA [50], LELVM [47]- JAXA: EPS
- KOMPSAT-2
- Reconstruction error
- Time
+ Process high-dimensional datasets
+ Monitor multi-variable statistics
- Parameter tuning issues
ELMER [37], ADTM [52], ELMs [27]- LabSat
- NASA SMAP/MSL
- Minimum Quantization Error (MQE)
- Mean Square Error (RMSE)
- Precision
- Recall
+ Reduce false positives
+ Reduce computation time
+ Detect known and unknown anomalies
CNNs: TCNs [7,54], GCNs [30,55], ResNet, and FCNs [7]- NASA SMAP/MSL- Point
- Contextual
- Collective
- Precision
- Recall
- F 1 score
- TPR
- FPR
- Accuracy
- Time
+ High performance in capturing spatial patterns
+ Able to model high dimensionality and complex correlation among variables
+ Low false detection rate
+ Computational efficiency
RNNs: LSTMs [20,22,57,58], GNUs [8,56,60]- NASA SMAP/MSL
- Power System of a Rocket (PSR)
- Point
- Contextual
- Collective
- Precision
- Recall
- F 1 score
+ High detection performance
+ Process multiple channels
+ Perform very well with short sequences
+ Capture temporal anomalies
+ Low false positive rates
Transformers [29,31,32,53]- NASA SMAP/MSL
- Numenta Anomaly Benchmark (NAB)
- HexagonML (UCR)
- MIT-BIH Supraventricular Arrhythmia Database (MBA)
- Secure Water Treatment (SWaT)
- Water Distribution (WADI)
- Server Machine Dataset (SMD)
- Multi-Source Distributed System (MSDS)
- Point
- Contextual
- Collective
- Precision
- Recall
- F 1 score
- ROC
- AUC
+ Reduced consumption time compared to LSTMs and GNUs
+ Process length sequences better than CNNs and RNNs
+ Suitable for intercorrelated anomalies
+ Early anomaly detection
- Require significant computational resources
The symbol “+” is used to refer to the benefits or strengths of the method(s).
Table 2. Performance metrics of different AD methods on NASA SMAP/MSL datasets.
Table 2. Performance metrics of different AD methods on NASA SMAP/MSL datasets.
ApproachPrecision (%)Recall (%)
LSTM [20]87.580.0
LSTM + transfer learning [22]79.483.5
Attention TCN [7]94.7494.17
ResNet [8]80.7658.87
FCN [8]69.3158.09
ELMs [27]76.477.9
SVM [38]84.185.7
Bi-Transformer [32]85.4.072.4
TranAD [31]85.4099.99
GCN [30]94.8699.59
GNU [56]89.289.6
GRU + VAE [60]81.4194.46
LSTM + GAN [60]90.2892.45
LSTM + multi-scale strategy [55]87.3786.54
Table 3. Computational time of AD methods on NASA SMAP/MSL datasets. Values in italics present the run time for each sample, while the rest correspond to the average training/inference time for each channel/parameter.
Table 3. Computational time of AD methods on NASA SMAP/MSL datasets. Values in italics present the run time for each sample, while the rest correspond to the average training/inference time for each channel/parameter.
ApproachComputational EnvironmentTraining Time (s)Inference Time (s)
LSTM + transfer learning [22]71.45
ResNet [8]Virtual machine equipped with 8 CPU cores: Intel135
FCN [8]Xeon Platinum 8260 CPU @ 2.40 GHz and 16 GB of RAM555
Bi-Transformer [32]109.75
TranAD [31]0.66
GRU + VAE [60]Huawei G5500 Linux server with NVIDIA Tesla V1000.013345
LSTM + GAN [60]GPU0.01085
Table 4. List of spacecraft telemetry datasets gleaned from research articles presenting spacecraft anomaly detection techniques. The datasets in italics are publicly available.
Table 4. List of spacecraft telemetry datasets gleaned from research articles presenting spacecraft anomaly detection techniques. The datasets in italics are publicly available.
SourceType and FormatNbr of ValuesNbr of ChannelsNbr of ParametersNbr of AnomaliesApproach(es)
Synthetic datasets
Unknown 5635224Clustering [45]
Simulated datasets
Solid state power amplifier 4 parameters:
+ Temperatures
+ Currents1
+ Currents2
+ Voltages
TCN, LSTM [54]
Control subsystem data of an actual in-orbit satellite 25,00012SVM, NN [37]
Real datasets
ESA Sentinel-1Multi-variate time series146,887107PCA, KNN, OCSVM, LSTM [36]
ESA OPS-SAT [65]Univariate time series303,4939- 3 parameters of magnetometer
- 6 parameters of photo diode
445SVM, KNN [26]; KNN, PCA, OCSVM [40]
ESA XMM-NewtonMulti-variate time series2000OOL [9]
NASA SMAP/MSL [66]Multi-variate time series496,4448180105LSTM [20]; LSTM + transfer learning [22]; Attention TCN [7]; ResNet, FCN [8]; KNN [10]; ELMs [27]; SVM [38]; Transformers [29,31,32]; GCN [30]; GRU [56]; GRU+VAE, LSTM+GAN [60]; GNN-DTAN [55] LSTM+multi-scale strategy [58]
JAXA SDS-4Multi-variate time series445 parameters of:
- Attitude Control Subsys (ACS)
- Electrical Power Subsys (EPS)
- Thermal Control Subsys (TCS)
- Command and Data Handling Subsys Transmitter
- Receiver Subsys (TRX)
Clustering, OCSVM [39]
JAXA EPS: MDS-1Multi-variate time seriesMPPCA [50]
JAXA EPS: DRTSMulti-variate time seriesMPCA [50]
JAXA EPSMulti-variate time series3900120PCA, KPCA, MPPCA, LELVM [47]
China Academy of Launch Vehicle Technology: PSRMulti-variate time series27,928119GRU + VAE, LSTM + GAN [60]
China Aerospace Science and Technology Corporation (CASC): Tianping-2BMulti-variate time series21,010Magnetometer parametersClustering [45]
ADAPT-Lite EPSMulti-variate time seriesImproved KNN [43]
LabSatMulti-variate time seriesNN [52]
Korea Aerospace Research Institute: KOMPSAT-2Multi-variate time series22,028,18315LSTM, LSTM + MPPCA, OCSVM [62]
Military communication satelliteMulti-variate time series67,96820Thresholding [24]
Anonymized in-orbit spacecraftMulti-variate time seriesLS-SVM [28]
Anonymized power subsystem of in-orbit satelliteUnivariate time series6KNN [44]
Anonymized attitude control system of in-orbit satelliteMulti-variate time series500014PCA [49]
Real telemetry system of in-orbit satellite [67]Multi-variate time series20CF-LSTM [57]
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

Fejjari, A.; Delavault, A.; Camilleri, R.; Valentino, G. A Review of Anomaly Detection in Spacecraft Telemetry Data. Appl. Sci. 2025, 15, 5653. https://doi.org/10.3390/app15105653

AMA Style

Fejjari A, Delavault A, Camilleri R, Valentino G. A Review of Anomaly Detection in Spacecraft Telemetry Data. Applied Sciences. 2025; 15(10):5653. https://doi.org/10.3390/app15105653

Chicago/Turabian Style

Fejjari, Asma, Alexis Delavault, Robert Camilleri, and Gianluca Valentino. 2025. "A Review of Anomaly Detection in Spacecraft Telemetry Data" Applied Sciences 15, no. 10: 5653. https://doi.org/10.3390/app15105653

APA Style

Fejjari, A., Delavault, A., Camilleri, R., & Valentino, G. (2025). A Review of Anomaly Detection in Spacecraft Telemetry Data. Applied Sciences, 15(10), 5653. https://doi.org/10.3390/app15105653

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