Main Recent Update:
π© [March 2025] Paper accepted to PVLDB 2025.
Related Repository:
π¦ TSB-AD: Towards A Reliable Time-Series Anomaly Detection Benchmark.
If you find our work helpful, please consider citing:
"TSB-AutoAD: Towards Automated Solutions for Time-Series Anomaly Detection" Qinghua Liu, Seunghak Lee and John Paparrizos. PVLDB 2025.
@article{liu2025tsb,
title={TSB-AutoAD: Towards Automated Solutions for Time-Series Anomaly Detection},
author={Liu, Qinghua and Lee, Seunghak and Paparrizos, John},
journal={Proceedings of the VLDB Endowment},
volume={18},
number={11},
pages={4364--4379},
year={2025},
publisher={VLDB Endowment}
}"The Elephant in the Room: Towards A Reliable Time-Series Anomaly Detection Benchmark" Qinghua Liu and John Paparrizos. NeurIPS 2024.
@article{liu2024elephant,
title={The elephant in the room: Towards a reliable time-series anomaly detection benchmark},
author={Liu, Qinghua and Paparrizos, John},
journal={Advances in Neural Information Processing Systems},
volume={37},
pages={108231--108261},
year={2024}
}Despite decades of research on time-series anomaly detection, the effectiveness of existing anomaly detectors remains constrained to specific domainsβa model that performs well on one dataset may fail on another. Consequently, developing automated solutions for anomaly detection remains a pressing challenge. However, the AutoML community has predominantly focused on supervised learning solutions, which are impractical for anomaly detection due to the lack of labeled data and the absence of a well-defined objective function for model evaluation. While recent studies have evaluated standalone anomaly detectors, no study has ever evaluated automated solutions for selecting or generating scores in an automated manner. In this study, we (i) provide a systematic review and taxonomy of automated solutions for time-series anomaly detection, categorizing them into selection, ensembling, and generation methods; (ii) introduce TSB-AutoAD, a comprehensive benchmark encompassing 20 standalone methods and 70 variants; and (iii) conduct the most extensive evaluation in this area to date. Our benchmark includes state-of-the-art methods across all three categories, evaluated on TSB-AD, a recently curated heterogeneous testbed from nine domains. Our findings reveal a significant gap, where over half of the proposed solutions to date do not statistically outperform a simple random choice. Foundation models that claim to offer generalized, one-size-fits-all solutions, have yet to deliver on this promise. Additionally, while naive ensembling demonstrates robust performance, it comes at the cost of substantial computational overhead. Methods leveraging historical datasets enable fast inference but suffer from severe performance degradation under out-of-distribution scenarios. To promote further research, we open-source TSB-AutoAD and highlight the need for advancements in developing robust and efficient automated solutions.
Step 1: Clone this repository using git and change into its root directory.
Step 2: Install the dependencies from requirements.txt:
pip install -r requirements.txtStep 3: Install the package:
pip install -e .See Example in benchmark_exp/Step_2_run_AutoAD_U/M.py
python Step_2_run_AutoAD_U/M.py --AutoAD_Name OE- Hyper-parameter of Candidate Model Set: See
testbed/HP_list.py - Dataset Splitting: See
testbed/file_list
The datasets and underlying base algorithms are adopted from TSB-AD benchmark [Link].
| Dataset | Description |
|---|---|
| UCR | A collection of univariate time series of multiple domains, including air temperature, arterial blood pressure, astronomy, ECG, and more. Most anomalies are introduced artificially. |
| NAB | Labeled real-world and artificial time series, including AWS server metrics, online advertisement click rates, real-time traffic data, and Twitter mentions of publicly traded companies. |
| YAHOO | A dataset published by Yahoo Labs, consisting of real and synthetic time series based on production traffic to Yahoo systems. |
| IOPS | A dataset with performance indicators reflecting the scale, quality of web services, and machine health status. |
| MGAB | Mackey-Glass time series, where anomalies exhibit chaotic behavior that is challenging for the human eye to distinguish. |
| WSD | is a web service dataset, which contains real-world KPIs collected from large Internet companies. |
| SED | a simulated engine disk data from the NASA Rotary Dynamics Laboratory representing disk revolutions recorded over several runs (3K rpm speed). |
| TODS | is a synthetic dataset that comprises global, contextual, shapelet, seasonal, and trend anomalies. |
| NEK | is collected from real production network equipment. |
| Stock | is a stock trading traces dataset, containing one million transaction records throughout the trading hours of a day. |
| Power | power consumption for a Dutch research facility for the entire year of 1997. |
| GHL | contains the status of 3 reservoirs such as the temperature and level. Anomalies indicate changes in max temperature or pump frequency. |
| Daphnet | contains the annotated readings of 3 acceleration sensors at the hip and leg of Parkinson's disease patients that experience freezing of gait (FoG) during walking tasks. |
| Exathlon | is based on real data traces collected from a Spark cluster over 2.5 months. For each of these anomalies, ground truth labels are provided for both the root cause interval and the corresponding effect interval. |
| Genesis | is a portable pick-and-place demonstrator that uses an air tank to supply all the gripping and storage units. |
| OPP | is devised to benchmark human activity recognition algorithms (e.g., classification, automatic data segmentation, sensor fusion, and feature extraction), which comprises the readings of motion sensors recorded while users executed typical daily activities. |
| SMD | is a 5-week-long dataset collected from a large Internet company, which contains 3 groups of entities from 28 different machines. |
| SWaT | is a secure water treatment dataset that is collected from 51 sensors and actuators, where the anomalies represent abnormal behaviors under attack scenarios. |
| PSM | is a dataset collected internally from multiple application server nodes at eBay. |
| SMAP | is real spacecraft telemetry data with anomalies from Soil Moisture Active Passive satellite. It contains time series with one feature representing a sensor measurement, while the rest represent binary encoded commands. |
| MSL | is collected from Curiosity Rover on Mars satellite. |
| CreditCard | is an intrusion detection evaluation dataset, which consists of labeled network flows, including full packet payloads in pcap format, the corresponding profiles, and the labeled flows. |
| GECCO | is a water quality dataset used in a competition for online anomaly detection of drinking water quality. |
| MITDB | contains 48 half-hour excerpts of two-channel ambulatory ECG recordings, obtained from 47 subjects studied by the BIH Arrhythmia Laboratory between 1975 and 1979. |
| SVDB | includes 78 half-hour ECG recordings chosen to supplement the examples of supraventricular arrhythmias in the MIT-BIH Arrhythmia Database. |
| LTDB | is a collection of 7 long-duration ECG recordings (14 to 22 hours each), with manually reviewed beat annotations. |
| CATSv2 | is the second version of the Controlled Anomalies Time Series (CATS) Dataset, which consists of commands, external stimuli, and telemetry readings of a simulated complex dynamical system with 200 injected anomalies. |
(i) Statistical Method
| Algorithm | Description |
|---|---|
| (Sub)-MCD | is based on minimum covariance determinant, which seeks to find a subset of all the sequences to estimate the mean and covariance matrix of the subset with minimal determinant. Subsequently, Mahalanobis distance is utilized to calculate the distance from sub-sequences to the mean, which is regarded as the anomaly score. |
| (Sub)-OCSVM | fits the dataset to find the normal data's boundary by maximizing the margin between the origin and the normal samples. |
| (Sub)-LOF | calculates the anomaly score by comparing local density with that of its neighbors. |
| (Sub)-KNN | produces the anomaly score of the input instance as the distance to its |
| KMeansAD | calculates the anomaly scores for each sub-sequence by measuring the distance to the centroid of its assigned cluster, as determined by the k-means algorithm. |
| CBLOF | is clluster-based LOF, which calculates the anomaly score by first assigning samples to clusters, and then using the distance among clusters as anomaly scores. |
| POLY | detect pointwise anomolies using polynomial approximation. A GARCH method is run on the difference between the approximation and the true value of the dataset to estimate the volatility of each point. |
| (Sub)-IForest | constructs the binary tree, wherein the path length from the root to a node serves as an indicator of anomaly likelihood; shorter paths suggest higher anomaly probability. |
| (Sub)-HBOS | constructs a histogram for the data and uses the inverse of the height of the bin as the anomaly score of the data point. |
| KShapeAD | identifies the normal pattern based on the k-Shape clustering algorithm and computes anomaly scores based on the distance between each sub-sequence and the normal pattern. KShapeAD improves KMeansAD as it relies on a more robust time-series clustering method and corresponds to an offline version of the streaming SAND method. |
| MatrixProfile | identifies anomalies by pinpointing the subsequence exhibiting the most substantial nearest neighbor distance. |
| (Sub)-PCA | projects data to a lower-dimensional hyperplane, with significant deviation from this plane indicating potential outliers. |
| RobustPCA | is built upon PCA and identifies anomalies by recovering the principal matrix. |
| EIF | is an extension of the traditional Isolation Forest algorithm, which removes the branching bias using hyperplanes with random slopes. |
| SR | begins by computing the Fourier Transform of the data, followed by the spectral residual of the log amplitude. The Inverse Fourier Transform then maps the sequence back to the time domain, creating a saliency map. The anomaly score is calculated as the relative difference between saliency map values and their moving averages. |
| COPOD | is a copula-based parameter-free detection algorithm, which first constructs an empirical copula, and then uses it to predict tail probabilities of each given data point to determine its level of extremeness. |
| Series2Graph | converts the time series into a directed graph representing the evolution of subsequences in time. The anomalies are detected using the weight and the degree of the nodes and edges respectively. |
| SAND | identifies the normal pattern based on clustering updated through arriving batches (i.e., subsequences) and calculates each point's effective distance to the normal pattern. |
(ii) Neural Network-based Method
| Algorithm | Description |
|---|---|
| AutoEncoder | projects data to the lower-dimensional latent space and then reconstruct it through the encoding-decoding phase, where anomalies are typically characterized by evident reconstruction deviations. |
| LSTMAD | utilizes Long Short-Term Memory (LSTM) networks to model the relationship between current and preceding time series data, detecting anomalies through discrepancies between predicted and actual values. |
| Donut | is a Variational AutoEncoder (VAE) based method and preprocesses the time series using the MCMC-based missing data imputation technique. |
| CNN | employ Convolutional Neural Network (CNN) to predict the next time stamp on the defined horizon and then compare the difference with the original value. |
| OmniAnomaly | is a stochastic recurrent neural network, which captures the normal patterns of time series by learning their robust representations with key techniques such as stochastic variable connection and planar normalizing flow, reconstructs input data by the representations, and use the reconstruction probabilities to determine anomalies. |
| USAD | is based on adversely trained autoencoders, and the anomaly score is the combination of discriminator and reconstruction loss. |
| AnomalyTransformer | utilizes the `Anomaly-Attention' mechanism to compute the association discrepancy. |
| TranAD | is a deep transformer network-based method, which leverages self-conditioning and adversarial training to amplify errors and gain training stability. |
| TimesNet | is a general time series analysis model with applications in forecasting, classification, and anomaly detection. It features TimesBlock, which can discover the multi-periodicity adaptively and extract the complex temporal variations from transformed 2D tensors by a parameter-efficient inception block. |
| FITS | is a lightweight model that operates on the principle that time series can be manipulated through interpolation in the complex frequency domain. |
| M2N2 | uses exponential moving average for trend estimation to detrend data and updates model with normal test instances based on predictions for unsupervised TSAD distribution shifts. |
(iii) Foundation Model-based Method
| Algorithm | Description |
|---|---|
| OFA | finetunes pre-trained GPT-2 model on time series data while keeping self-attention and feedforward layers of the residual blocks in the pre-trained language frozen. |
| Lag-Llama | is the first foundation model for univariate probabilistic time series forecasting based on a decoder-only transformer architecture that uses lags as covariates. |
| Chronos | tokenizes time series values using scaling and quantization into a fixed vocabulary and trains the T5 model on these tokenized time series via the cross-entropy loss. |
| TimesFM | is based on pretraining a decoder-style attention model with input patching, using a large time-series corpus comprising both real-world and synthetic datasets. |
| MOMENT | is pre-trained T5 encoder based on a masked time-series modeling approach. |
A detailed evaluation of base anomaly detectors, including overall performance and results across different anomaly types, is available at [Homepage].
The OFA, Lag-Llama, Chronos, TimesFM, and MOMENT models, as well as the YAHOO, Stock, Power, SWaT, and CreditCard datasets, were accessed and used solely by The Ohio State University researchers. Additionally, the associated code being released was developed solely by OSU without any involvement from Meta.

