[go: up one dir, main page]

WO2022160902A1 - Anomaly detection method for large-scale multivariate time series data in cloud environment - Google Patents

Anomaly detection method for large-scale multivariate time series data in cloud environment Download PDF

Info

Publication number
WO2022160902A1
WO2022160902A1 PCT/CN2021/133024 CN2021133024W WO2022160902A1 WO 2022160902 A1 WO2022160902 A1 WO 2022160902A1 CN 2021133024 W CN2021133024 W CN 2021133024W WO 2022160902 A1 WO2022160902 A1 WO 2022160902A1
Authority
WO
WIPO (PCT)
Prior art keywords
data
time series
training
anomaly detection
multivariate
Prior art date
Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
Ceased
Application number
PCT/CN2021/133024
Other languages
French (fr)
Chinese (zh)
Inventor
陈宁江
段小燕
刘康康
Current Assignee (The listed assignees may be inaccurate. Google has not performed a legal analysis and makes no representation or warranty as to the accuracy of the list.)
Guangxi University
Original Assignee
Guangxi University
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by Guangxi University filed Critical Guangxi University
Publication of WO2022160902A1 publication Critical patent/WO2022160902A1/en
Anticipated expiration legal-status Critical
Ceased legal-status Critical Current

Links

Images

Classifications

    • GPHYSICS
    • G06COMPUTING OR CALCULATING; COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/045Combinations of networks
    • GPHYSICS
    • G06COMPUTING OR CALCULATING; COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/047Probabilistic or stochastic networks
    • GPHYSICS
    • G06COMPUTING OR CALCULATING; COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/049Temporal neural networks, e.g. delay elements, oscillating neurons or pulsed inputs
    • GPHYSICS
    • G06COMPUTING OR CALCULATING; COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods

Definitions

  • the invention belongs to the field of computer technology, and more particularly, relates to a large-scale multivariate time series data anomaly detection method in a cloud environment.
  • the present invention provides a large-scale multivariate time series data anomaly detection method in a cloud environment, anomaly detection based on a semi-supervised variational autoencoder based on a long short-term memory network, the purpose of which is It is to realize anomaly detection of multivariate time series.
  • LSTM is introduced to improve the feedforward neural network of native VAE
  • an improved loss function is proposed to improve the abnormal detection algorithm of VAE and its training variant, so that the input data of training can be improved. It can include abnormal data, and focus on normal mode data during training to improve the accuracy of anomaly detection.
  • the present invention provides a large-scale multivariate time series data anomaly detection method in a cloud environment, comprising the following steps:
  • Offline module training multivariate time series anomaly detection model take a small part of the labeled data and most of the unlabeled data collected by the detection system as the data set for offline training, and preprocess the data, and the preprocessed data is used for Train the multivariate time series anomaly detection model; in the model training, first learn the dependencies of the multivariate time series through the long short-term memory network (LSTM: Long Short-Term Memory), and then pass the input multivariate time series through the variational autoencoder ( VAE: Variational Auto-Encoder) to reduce the dimension and map it to the random variable Z space and obtain hidden variables, and then splicing the data labels obtained from the classifier with the random variable z extracted from the prior distribution of the random variable Z space, and finally splicing The obtained data reconstructs the input sequence after the decoder; among them, the parameter training goal of the multivariate time series anomaly detection model is to maximize the improved loss function, and stop training when it converges;
  • LSTM Long Short-Term
  • the online module calculates the reconstruction probability score to determine the entity status: the online monitoring data can be used to determine whether the input monitoring value x (t) at time t is normal by calculating the reconstruction probability through the offline training model.
  • the probability can be used to represent the anomaly score; the online module preprocesses the data collected by the online detection, the preprocessed data is processed by the same variational autoencoder as the offline module, and then the multivariate time series anomaly is used.
  • the parameters obtained by the detection model are used to calculate the parameters of the prior diagonal Gaussian distribution of the random variable Z space.
  • the data is used for reconstruction; the online module calculates the reconstruction probability scores of all points, and judges the entity state according to the probability scores and thresholds of the last point in the window.
  • the present invention improves the native VAE for the difficulty in obtaining multivariate time series labels, uses LSTM to replace the feedforward neural network of the native VAE, and uses the gating mechanism of LSTM to improve the native VAE.
  • a new loss function calculation method is proposed, so that the training data can contain abnormal data, but pay attention to the model training process. Normal mode, ignoring abnormal mode, in order to learn the complex distribution of multivariate time series, so as to achieve good reconstruction effect and improve the accuracy of abnormal detection.
  • FIG. 1 is a schematic diagram of a model of a method for detecting anomalies in large-scale multivariate time series data in a cloud-oriented environment according to an embodiment of the present invention
  • FIG. 2 is an overall framework diagram of a method for detecting anomalies in large-scale multivariate time series data in a cloud-oriented environment according to an embodiment of the present invention
  • FIG. 3 is a network structure diagram of a large-scale multivariate time series data anomaly detection method in a cloud environment according to an embodiment of the present invention.
  • Anomaly detection is a common technology in the field of intelligent operation and maintenance. Due to the complex and changeable cloud environment, the occurrence of anomalies is often unpredictable.
  • the automatic operation and maintenance mode based on traditional manual operation and maintenance or based on automatically triggered scripts with predefined rules to perform common and repetitive tasks can no longer be satisfied. timeliness requirements.
  • the intelligent operation and maintenance model emerges as the times require, and its goal is based on the existing operation and maintenance data (logs, monitoring indicators, application information, abnormal events, and manual processing logs of operation and maintenance engineers, etc.) , to further solve the problems that cannot be solved by automatic operation and maintenance through machine learning. They do not rely on artificially specified rules. They advocate that machine learning algorithms automatically learn from massive operation and maintenance data and continuously refine and summarize rules. In this way, the abnormality can be detected quickly and accurately, and the cost loss caused by the abnormality can be reduced.
  • FIG. 1 is a schematic diagram of a model of a method for detecting anomalies in large-scale multivariate time series data in a cloud environment in an embodiment of the present invention
  • FIG. 2 is a method for detecting anomalies in large-scale multivariate time series data in a cloud environment in an embodiment of the present invention
  • Overall frame diagram is a schematic diagram of a model of a method for detecting anomalies in large-scale multivariate time series data in a cloud environment in an embodiment of the present invention
  • the present invention provides a large-scale multivariate time series data abnormality detection method in a cloud environment, including:
  • Offline module training multivariate time series anomaly detection model take a small part of the labeled data and most of the unlabeled data collected by the detection system as the data set for offline training, and preprocess the data, and the preprocessed data is used for Train the multivariate time series anomaly detection model; in the model training, first learn the dependencies of the multivariate time series through the long short-term memory network (LSTM: Long Short-Term Memory), and then pass the input multivariate time series through the variational autoencoder ( VAE: Variational Auto-Encoder) to reduce the dimension and map to the random variable Z space and obtain hidden variables, and then obtain the data label through the classifier and splicing the random variable z extracted from the prior distribution of the random variable Z space, and finally spliced to get The input sequence is reconstructed after the data is passed through the decoder; among them, the parameter training goal of the multivariate time series anomaly detection model is to maximize the improved loss function, and stop training when it converges;
  • the online module calculates the reconstruction probability score to determine the entity status: the online monitoring data can be used to determine whether the input monitoring value x (t) at time t is normal by calculating the reconstruction probability through the offline training model.
  • the encoder processes, and then uses the parameters obtained from the multivariate time series anomaly detection model to calculate the parameters of the prior diagonal Gaussian distribution of the random variable Z space.
  • the random variable z is spliced, and finally the spliced data is used for reconstruction; the online module calculates the multiple probability scores of all points, and judges the entity state according to the probability scores and thresholds of the last point in the window.
  • FIG. 3 is a network structure diagram of a large-scale multivariate time series data anomaly detection method in a cloud environment according to an embodiment of the present invention.
  • the offline module training multivariate time series anomaly detection model specifically includes:
  • Z-Normalization is standardized so that each indicator conforms to the standard normal distribution; x is divided into subsequences with a sliding window, the moving step is 1 unit, and the optimal window length of the sequence is selected, and the label of the defined window is defined by It is determined whether there is abnormal data in this window; among them, N is the monitoring time of the multivariate time series x, and x (t) ⁇ R M as shown in formula (9) is an M-dimensional vector, which represents the monitoring index value at time t, M represents the number of indicators monitored;
  • y l represents the data label, 0 represents normal, 1 represents abnormal, and if it is NULL, it represents unlabeled data; after preprocessing, the result is as follows A sub-time series of length w and the corresponding window label, the input training data can contain abnormal data;
  • batch normalization (Batch Norm: Batch Normalization) is used to process the hidden state obtained by LSTM encoding, so that the training data and the hidden state obtained by online data encoding have the same distribution, ensuring that the model obtained from the training data can be used for online data. And make the distribution more uniform, increase the model convergence speed, and then use the tanh activation function such as formula (15) to nonlinearly transform the features of each data point to obtain the final encoding state in is the parameter to be learned, * ⁇ i,f,o ⁇ , ⁇ is the element product;
  • the feedforward neural network of the native VAE captures the multivariate time series dependencies; the input multivariate sub-time series is dimensionally mapped to the random variable Z space, and the distribution p ⁇ (z) on the random variable Z space is constrained to a multivariate normal distribution N (0,I), where the prior distribution q ⁇ (z
  • (1.3) Training the classifier Semi-supervised learning is used for training, and a small amount of labeled data is used to drive most of the unlabeled data to train the classifier; in order to improve the accuracy of reconstruction, labeled data is introduced during decoding, and a named
  • x) consists of a linear layer, a tanh activation layer, and a Softmax layer.
  • the output is a probability vector, that is, the predicted label. If the input data x has a label, it does not need to be trained by the classification network, and the label data y l is directly spliced with the random variable z, that is (z, y l ).
  • the classification network predicts the label, and then converts the predicted label Concatenated with random variable z to get It is then used for reconstruction in the decoder; in the classification process, y is regarded as an unknown variable, and q ⁇ (y
  • x) Cat( ⁇ ⁇ (x)), subject to a cascaded multinomial distribution, and ⁇ ⁇ (x) is calculated by the parameter The definition of neural network;
  • y,z) can be directly excluded by a t , and the contributions of p ⁇ (z) and p ⁇ (y) can be The product of k is calculated, and q ⁇ (z
  • x) is only similar to the unlabeled Related, in order to allow the classifier to learn with labels, a classification loss is added to the objective function, and the extended ELBO is as follows:
  • the hyperparameter ⁇ is used to balance the use of direct label data and predicted label data. Using this objective function, labeled and unlabeled data can be correctly evaluated. Finally, gradient descent is used to update the encoding network and decoding network. parameter;
  • the training goal of step (1) is to maximize the improved loss function, stop training when it converges, and then save the trained model, that is, save the classifier parameters, encoding grid parameters, and decoding grid parameters in the training model.
  • using the anomaly detection model trained by the offline module to detect entities specifically includes:
  • the online module preprocesses the data collected by the online detection.
  • the preprocessed data is processed by the same encoder as the offline module, and then the parameters obtained by the anomaly detection model are used to calculate the random variable Z space prior diagonal Gaussian. Distribution parameters, and finally the data concatenated by the data labels obtained by the classifier and the random variable z randomly drawn from the prior diagonal Gaussian distribution is used for decoding and reconstruction.
  • the online module calculates the multiple probability scores of all points, and judges the entity state according to the probability scores and thresholds of the last point in the window.
  • the reconstruction probability is a negative number
  • Sigmoid is used to transform it into the range of [0,1]
  • r (t) If r (t) is higher than the set threshold, it is judged as normal, represented by 0, otherwise it is abnormal, represented by 1.

Landscapes

  • Engineering & Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • Theoretical Computer Science (AREA)
  • Evolutionary Computation (AREA)
  • Molecular Biology (AREA)
  • Artificial Intelligence (AREA)
  • Biomedical Technology (AREA)
  • Biophysics (AREA)
  • Computational Linguistics (AREA)
  • Data Mining & Analysis (AREA)
  • Health & Medical Sciences (AREA)
  • General Health & Medical Sciences (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Computing Systems (AREA)
  • General Engineering & Computer Science (AREA)
  • General Physics & Mathematics (AREA)
  • Mathematical Physics (AREA)
  • Software Systems (AREA)
  • Probability & Statistics with Applications (AREA)
  • Management, Administration, Business Operations System, And Electronic Commerce (AREA)

Abstract

An anomaly detection method for large-scale multivariate time series data in a cloud environment. The method comprises: establishing an anomaly detection model for multivariate time series data by means of offline training, and performing anomaly detection on online monitored data by means of the offline-trained anomaly detection model. According to the method, the feedforward neural network of a native variational autoencoder is improved in the stage of offline model training to construct the dependency of multivariate time series; a loss function calculation method is improved, so that during model training, the data in a normal mode can be paid attention to and the data in an abnormal mode can be ignored, so that when an anomaly occurs during online anomaly detection, the probability of model reconstruction is low, and it is easier to detect the anomaly.

Description

面向云环境下大规模多元时间序列数据异常检测方法Anomaly detection method for large-scale multivariate time series data in cloud environment 技术领域technical field

本发明属于计算机技术领域,更具体地,涉及一种面向云环境下大规模多元时间序列数据异常检测方法。The invention belongs to the field of computer technology, and more particularly, relates to a large-scale multivariate time series data anomaly detection method in a cloud environment.

背景技术Background technique

随着云计算技术、虚拟化技术和容器技术的发展,越来越多的企业构建容器云环境并将之应用于实际生产中。在复杂多变的云环境下,为确保部署到云中的各种应用程序和服务24/7在线,运维工程师需要同时监控实体(集群机器、容器、应用程序等)的多个指标时间序列(如CPU利用率、内存利用率、在线用户数、请求响应延迟等),以便及时检测出异常并定位异常产生的原因,确保服务的质量和可靠性。With the development of cloud computing technology, virtualization technology and container technology, more and more enterprises build container cloud environments and apply them to actual production. In a complex and changeable cloud environment, in order to ensure that various applications and services deployed in the cloud are online 24/7, operation and maintenance engineers need to simultaneously monitor multiple indicators time series of entities (cluster machines, containers, applications, etc.) (such as CPU utilization, memory utilization, number of online users, request response delay, etc.) in order to detect abnormalities in time and locate the causes of abnormalities to ensure service quality and reliability.

近年不少研究使用深度学习等算法用于时间序列的异常检测,但它们大多数是指标级别的异常检测,即针对不同的指标需要重新选择算法来训练一个异常检测模型,但是云环境下监控的实体多指标种类大,如果对每个指标都进行异常检测将耗费庞大的人力和时间,无法及时检测出异常并快速定位异常产生的原因。而现有的少部分针对实体级别(应用、服务器、容器等监控实体的所有指标序列一起进行异常判断,即多元时间序列异常检测)的研究,要么需要大量的标签数据;要么带有与实际不相符的假设;或者难以捕捉指标序列的时间依赖、高维和随机特征,难以满足云环境下大规模时间序列的异常检测。In recent years, many studies have used deep learning and other algorithms for anomaly detection of time series, but most of them are index-level anomaly detection, that is, for different indicators, it is necessary to re-select an algorithm to train an anomaly detection model, but the monitoring in the cloud environment There are many types of entity multi-indicators. If anomaly detection is performed on each index, it will consume a lot of manpower and time, and it is impossible to detect anomalies in time and quickly locate the cause of anomalies. However, a small number of existing researches on the entity level (all indicator sequences of monitoring entities such as applications, servers, containers, etc. are used for abnormal judgment together, that is, multivariate time series anomaly detection), either need a large amount of label data; Consistent assumptions; or it is difficult to capture the time-dependent, high-dimensional and random characteristics of the index sequence, and it is difficult to meet the anomaly detection of large-scale time series in the cloud environment.

发明内容SUMMARY OF THE INVENTION

针对现有技术的以上缺陷或改进需求,本发明提供了一种面向云环境下大规模多元时间序列数据异常检测方法,基于长短期记忆网络的半监督变分 自编码器的异常检测,其目的在于实现多元时间序列的异常检测。针对多元时间序列标签难获取的问题,引入LSTM对原生VAE的前反馈神经网络进行了改善,并提出一种改进的损失函数对VAE以及其训练变体异常检测算法进行改进,使训练的输入数据可以包含异常数据,并在训练中关注正常模式的数据,提高异常检测的准确率。In view of the above defects or improvement needs of the prior art, the present invention provides a large-scale multivariate time series data anomaly detection method in a cloud environment, anomaly detection based on a semi-supervised variational autoencoder based on a long short-term memory network, the purpose of which is It is to realize anomaly detection of multivariate time series. Aiming at the problem that multivariate time series labels are difficult to obtain, LSTM is introduced to improve the feedforward neural network of native VAE, and an improved loss function is proposed to improve the abnormal detection algorithm of VAE and its training variant, so that the input data of training can be improved. It can include abnormal data, and focus on normal mode data during training to improve the accuracy of anomaly detection.

实现上述目的,本发明提供一种面向云环境下大规模多元时间序列数据异常检测方法,包括如下步骤:To achieve the above object, the present invention provides a large-scale multivariate time series data anomaly detection method in a cloud environment, comprising the following steps:

(1)离线模块训练多元时间序列异常检测模型:将检测系统收集的少部分有标签数据和大部分无标签数据作为离线训练的数据集,对数据进行预处理,经预处理后的数据用于训练多元时间序列异常检测模型;在模型训练中,首先通过长短期记忆网络(LSTM:Long Short-Term Memory)学习多元时间序列的依赖关系,然后将输入的多元时间序列通过变分自编码器(VAE:Variational Auto-Encoder)来降维映射到随机变量Z空间并获取隐藏变量,再次将从经分类器获取数据标签与从随机变量Z空间先验分布中抽取的随机变量z进行拼接,最后拼接得到的数据经解码器后重建输入序列;其中,多元时间序列异常检测模型的参数训练目标是让改进的损失函数最大化,并在其收敛时停止训练;(1) Offline module training multivariate time series anomaly detection model: take a small part of the labeled data and most of the unlabeled data collected by the detection system as the data set for offline training, and preprocess the data, and the preprocessed data is used for Train the multivariate time series anomaly detection model; in the model training, first learn the dependencies of the multivariate time series through the long short-term memory network (LSTM: Long Short-Term Memory), and then pass the input multivariate time series through the variational autoencoder ( VAE: Variational Auto-Encoder) to reduce the dimension and map it to the random variable Z space and obtain hidden variables, and then splicing the data labels obtained from the classifier with the random variable z extracted from the prior distribution of the random variable Z space, and finally splicing The obtained data reconstructs the input sequence after the decoder; among them, the parameter training goal of the multivariate time series anomaly detection model is to maximize the improved loss function, and stop training when it converges;

(2)在线模块计算重建概率分数判断实体状态:在线监测的数据通过离线训练模型计算重建概率能判断t时刻输入的监控值x (t)是否正常,采用长度为w的多元子时间序列x (t-w+1:t)作为输入数据来重建x (t),由于是在x (t-w+1:t)的分布参数μ、σ和π上重建出

Figure PCTCN2021133024-appb-000001
而非窗口本身,则可以使用概率来表示异常分数;在线模块对在线检测采集的数据进行预处理,预处理后的数据经与离线模块相同的变分自编码器处理,然后使用多元时间序列异常检测模型得到的参数计算随机变量Z空间的先验对角高斯分布的参数,将从分类器获取的数据标签与从随机变量Z空间先验分布中抽取的随机变量z进行拼接,最后将拼接得到的数据用于重建;在线模块计算所有点的重建概率分 数,并根据窗口内最后一点的概率分数与阈值进行判断实体状态。 (2) The online module calculates the reconstruction probability score to determine the entity status: the online monitoring data can be used to determine whether the input monitoring value x (t) at time t is normal by calculating the reconstruction probability through the offline training model. The multivariate sub-time series x ( t-w+1:t) as the input data to reconstruct x (t) , since it is reconstructed on the distribution parameters μ, σ and π of x (t-w+1:t)
Figure PCTCN2021133024-appb-000001
Instead of the window itself, the probability can be used to represent the anomaly score; the online module preprocesses the data collected by the online detection, the preprocessed data is processed by the same variational autoencoder as the offline module, and then the multivariate time series anomaly is used. The parameters obtained by the detection model are used to calculate the parameters of the prior diagonal Gaussian distribution of the random variable Z space. The data is used for reconstruction; the online module calculates the reconstruction probability scores of all points, and judges the entity state according to the probability scores and thresholds of the last point in the window.

与现有技术相比,本发明在大规模云环境下,针对多元时间序列标签难获取对原生VAE进行了改进,使用LSTM来代替原生VAE的前馈神经网络,用LSTM的门控机制改善原生VAE的假设数据在时间上独立、重建值只能依赖当前的输入、不适合时序数据等问题,用LSTM捕获多元时间序列依赖关系;本发明还针对已有的VAE及其变体异常检测算法需要正常序列片段来训练异常检测模型,但是由于异常发生的随机性难以在实际中应用的问题,提出一种新的损失函数计算方法,使训练数据中可以包含异常数据,但在模型训练过程中关注正常模式,忽略异常模式,以此来学习多元时间序列的复杂分布,从而达到好的重建效果,提高异常检测准确率。Compared with the prior art, in the large-scale cloud environment, the present invention improves the native VAE for the difficulty in obtaining multivariate time series labels, uses LSTM to replace the feedforward neural network of the native VAE, and uses the gating mechanism of LSTM to improve the native VAE. The assumption that the data of VAE is independent in time, the reconstruction value can only depend on the current input, and it is not suitable for time series data, etc., uses LSTM to capture multivariate time series dependencies; Normal sequence fragments are used to train the anomaly detection model. However, due to the problem that the randomness of anomalies is difficult to apply in practice, a new loss function calculation method is proposed, so that the training data can contain abnormal data, but pay attention to the model training process. Normal mode, ignoring abnormal mode, in order to learn the complex distribution of multivariate time series, so as to achieve good reconstruction effect and improve the accuracy of abnormal detection.

附图说明Description of drawings

图1是本发明实施例中一种面向云环境下大规模多元时间序列数据异常检测方法的模型示意图;1 is a schematic diagram of a model of a method for detecting anomalies in large-scale multivariate time series data in a cloud-oriented environment according to an embodiment of the present invention;

图2是本发明实施例中一种面向云环境下大规模多元时间序列数据异常检测方法整体框架图;2 is an overall framework diagram of a method for detecting anomalies in large-scale multivariate time series data in a cloud-oriented environment according to an embodiment of the present invention;

图3是本发明实施例中一种面向云环境下大规模多元时间序列数据异常检测方法的网络结构图。FIG. 3 is a network structure diagram of a large-scale multivariate time series data anomaly detection method in a cloud environment according to an embodiment of the present invention.

具体实施方式Detailed ways

为了使本发明的目的、技术方案及优点更加清楚明白,以下结合附图及实施例,对本发明进行进一步详细说明。应当理解,此处所描述的具体实施例仅用以解释本发明,并不用于限定本发明。此外,下面所描述的本发明各个实施方式中所涉及到的技术特征只要彼此之间未构成冲突就可以相互组合。In order to make the objectives, technical solutions and advantages of the present invention clearer, the present invention will be further described in detail below with reference to the accompanying drawings and embodiments. It should be understood that the specific embodiments described herein are only used to explain the present invention, but not to limit the present invention. In addition, the technical features involved in the various embodiments of the present invention described below can be combined with each other as long as they do not conflict with each other.

异常检测是智能运维领域中较常见的一种技术。由于云环境复杂多变,异常的发生往往具有不可预测性,基于传统的手工运维或基于自动触发的、预先定义一定规则的脚本来执行常见的、重复性工作的自动化运维模式已 经不能满足及时性要求。随着人工智能和机器学习技术的发展,智能运维模式应运而生,其目标是基于已有的运维数据(日志、监控指标、应用信息、异常事件以及运维工程师的人工处理日志等),通过机器学习的方式来进一步解决自动化运维没办法解决的问题,它们不依赖于人为指定规则,主张由机器学习算法自动地从海量运维数据中不断地学习,不断地提炼并总结规则,以此来快速准确地检测出异常,降低异常带来的成本损失。Anomaly detection is a common technology in the field of intelligent operation and maintenance. Due to the complex and changeable cloud environment, the occurrence of anomalies is often unpredictable. The automatic operation and maintenance mode based on traditional manual operation and maintenance or based on automatically triggered scripts with predefined rules to perform common and repetitive tasks can no longer be satisfied. timeliness requirements. With the development of artificial intelligence and machine learning technology, the intelligent operation and maintenance model emerges as the times require, and its goal is based on the existing operation and maintenance data (logs, monitoring indicators, application information, abnormal events, and manual processing logs of operation and maintenance engineers, etc.) , to further solve the problems that cannot be solved by automatic operation and maintenance through machine learning. They do not rely on artificially specified rules. They advocate that machine learning algorithms automatically learn from massive operation and maintenance data and continuously refine and summarize rules. In this way, the abnormality can be detected quickly and accurately, and the cost loss caused by the abnormality can be reduced.

图1是本发明实施例中一种面向云环境下大规模多元时间序列数据异常检测方法的模型示意图;图2是本发明实施例中一种面向云环境下大规模多元时间序列数据异常检测方法整体框架图。1 is a schematic diagram of a model of a method for detecting anomalies in large-scale multivariate time series data in a cloud environment in an embodiment of the present invention; FIG. 2 is a method for detecting anomalies in large-scale multivariate time series data in a cloud environment in an embodiment of the present invention Overall frame diagram.

为达到实体级别的多元时间序列的异常检测,如图1和图2所示,本发明提供了一种面向云环境下大规模多元时间序列数据异常检测方法,包括:In order to achieve the abnormal detection of multivariate time series at the entity level, as shown in Figure 1 and Figure 2, the present invention provides a large-scale multivariate time series data abnormality detection method in a cloud environment, including:

(1)离线模块训练多元时间序列异常检测模型:将检测系统收集的少部分有标签数据和大部分无标签数据作为离线训练的数据集,对数据进行预处理,经预处理后的数据用于训练多元时间序列异常检测模型;在模型训练中,首先通过长短期记忆网络(LSTM:Long Short-Term Memory)学习多元时间序列的依赖关系,然后将输入的多元时间序列通过变分自编码器(VAE:Variational Auto-Encoder)来降维映射到随机变量Z空间并获取隐藏变量,再次经分类器获取数据标签与从随机变量Z空间先验分布中抽取的随机变量z进行拼接,最后拼接得到的数据经解码器后重建输入序列;其中,多元时间序列异常检测模型的参数训练目标是让改进的损失函数最大化,并在其收敛时停止训练;(1) Offline module training multivariate time series anomaly detection model: take a small part of the labeled data and most of the unlabeled data collected by the detection system as the data set for offline training, and preprocess the data, and the preprocessed data is used for Train the multivariate time series anomaly detection model; in the model training, first learn the dependencies of the multivariate time series through the long short-term memory network (LSTM: Long Short-Term Memory), and then pass the input multivariate time series through the variational autoencoder ( VAE: Variational Auto-Encoder) to reduce the dimension and map to the random variable Z space and obtain hidden variables, and then obtain the data label through the classifier and splicing the random variable z extracted from the prior distribution of the random variable Z space, and finally spliced to get The input sequence is reconstructed after the data is passed through the decoder; among them, the parameter training goal of the multivariate time series anomaly detection model is to maximize the improved loss function, and stop training when it converges;

(2)在线模块计算重建概率分数判断实体状态:在线监测的数据通过离线训练模型计算重建概率能判断t时刻输入的监控值x (t)是否正常,采用长度为w的多元子时间序列x (t-w+1:t)作为输入数据来重建

Figure PCTCN2021133024-appb-000002
由于是在x (t-w+1:t)的分布参数μ、σ和π上重建出
Figure PCTCN2021133024-appb-000003
而非窗口本身,则可以使用概率来表示 异常分数,其中t表示多元时间序列的监控时间;在线模块对在线检测采集的数据进行预处理,预处理后的数据经与离线模块相同的变分自编码器处理,然后使用多元时间序列异常检测模型得到的参数计算随机变量Z空间的先验对角高斯分布的参数,将从分类器获取的数据标签与从随机变量Z空间先验分布中抽取的随机变量z进行拼接,最后将拼接得到的数据用于重建;在线模块计算所有点的重概率分数,并根据窗口内最后一点的概率分数与阈值进行判断实体状态。 (2) The online module calculates the reconstruction probability score to determine the entity status: the online monitoring data can be used to determine whether the input monitoring value x (t) at time t is normal by calculating the reconstruction probability through the offline training model. The multivariate sub-time series x ( t-w+1:t) as input data to reconstruct
Figure PCTCN2021133024-appb-000002
Since it is reconstructed on the distribution parameters μ, σ and π of x (t-w+1:t)
Figure PCTCN2021133024-appb-000003
Instead of the window itself, the probability can be used to represent the abnormal score, where t represents the monitoring time of the multivariate time series; the online module preprocesses the data collected by the online detection, and the preprocessed data is processed by the same variational automatic as the offline module. The encoder processes, and then uses the parameters obtained from the multivariate time series anomaly detection model to calculate the parameters of the prior diagonal Gaussian distribution of the random variable Z space. The random variable z is spliced, and finally the spliced data is used for reconstruction; the online module calculates the multiple probability scores of all points, and judges the entity state according to the probability scores and thresholds of the last point in the window.

图3是本发明实施例中一种面向云环境下大规模多元时间序列数据异常检测方法的网络结构图。针对步骤(1)离线模块训练多元时间序列异常检测模型中具体包括:FIG. 3 is a network structure diagram of a large-scale multivariate time series data anomaly detection method in a cloud environment according to an embodiment of the present invention. For step (1), the offline module training multivariate time series anomaly detection model specifically includes:

(1.1)训练数据的预处理:首先将形如式(8)所示的训练数据进行(1.1) Preprocessing of training data: First, the training data shown in formula (8) is processed

Figure PCTCN2021133024-appb-000004
Figure PCTCN2021133024-appb-000004

Z-Normalization标准化处理,使其每个指标都符合标准正态分布;用滑动窗口将x划分为子序列,移动步长为1个单位,并选择序列的最佳窗口长度,定义窗口的标签由这个窗口内是否有异常数据决定;其中,N为多元时间序列x的监控时间,x (t)∈R M如式(9)所示是一个M维的向量,表示t时刻监控的指标值,M表示监控的指标数; Z-Normalization is standardized so that each indicator conforms to the standard normal distribution; x is divided into subsequences with a sliding window, the moving step is 1 unit, and the optimal window length of the sequence is selected, and the label of the defined window is defined by It is determined whether there is abnormal data in this window; among them, N is the monitoring time of the multivariate time series x, and x (t) ∈ R M as shown in formula (9) is an M-dimensional vector, which represents the monitoring index value at time t, M represents the number of indicators monitored;

Figure PCTCN2021133024-appb-000005
Figure PCTCN2021133024-appb-000005

其中,y l表示数据标签,0表示正常,1表示异常,若为NULL表示无标签数据;经过预处理后,得到形如

Figure PCTCN2021133024-appb-000006
长度为w的子时间序列和相应的窗口标签,输入的训练数据可以包含异常数据; Among them, y l represents the data label, 0 represents normal, 1 represents abnormal, and if it is NULL, it represents unlabeled data; after preprocessing, the result is as follows
Figure PCTCN2021133024-appb-000006
A sub-time series of length w and the corresponding window label, the input training data can contain abnormal data;

(1.2)编码降维并获得隐藏变量:通过编码器将多元子时间序列降维映射到随机变量Z空间,将Z空间上的分布p θ(Z)约束为多元正态分布N(0,I),随机变量Z空间的先验分布q φ(Z|X)为对角高斯分布N(μ,σ 2I);在编码过程中用LSTM的门控机制改善原生VAE的前馈神经网络,将预处理后的数据 经LSTM-Encoder进行编码,当输入t时刻的监控值x (t)时,使用LSTM结合t-1时刻的隐藏状态

Figure PCTCN2021133024-appb-000007
来获取t时刻更深层次的表达,即先通过计算当前时刻的候选状态
Figure PCTCN2021133024-appb-000008
(1.2) Encoding dimension reduction and obtaining hidden variables: The multivariate sub-time series dimension reduction is mapped to the random variable Z space through the encoder, and the distribution p θ (Z) on the Z space is constrained to a multivariate normal distribution N(0,I ), the prior distribution q φ (Z|X) of the random variable Z space is a diagonal Gaussian distribution N(μ,σ 2 I); in the encoding process, the gating mechanism of LSTM is used to improve the feedforward neural network of the native VAE, The preprocessed data is encoded by LSTM-Encoder. When the monitoring value x (t) at time t is input, LSTM is used to combine the hidden state at time t-1.
Figure PCTCN2021133024-appb-000007
To obtain a deeper expression at time t, that is, first calculate the candidate state at the current time
Figure PCTCN2021133024-appb-000008

Figure PCTCN2021133024-appb-000009
Figure PCTCN2021133024-appb-000009

然后,通过输入门

Figure PCTCN2021133024-appb-000010
控制当前时刻候选状态
Figure PCTCN2021133024-appb-000011
有需要保存的信息: Then, through the input gate
Figure PCTCN2021133024-appb-000010
Control the candidate state at the current moment
Figure PCTCN2021133024-appb-000011
There is information to save:

Figure PCTCN2021133024-appb-000012
Figure PCTCN2021133024-appb-000012

遗忘门

Figure PCTCN2021133024-appb-000013
通过式(12)控制上一个时刻的内部状态
Figure PCTCN2021133024-appb-000014
需要遗忘的信息: Forgotten Gate
Figure PCTCN2021133024-appb-000013
Control the internal state of the previous moment by formula (12)
Figure PCTCN2021133024-appb-000014
Information to be forgotten:

Figure PCTCN2021133024-appb-000015
Figure PCTCN2021133024-appb-000015

输出门

Figure PCTCN2021133024-appb-000016
控制当前时刻的内部状态
Figure PCTCN2021133024-appb-000017
需要输出给外部的信息,即: output gate
Figure PCTCN2021133024-appb-000016
Control the internal state of the current moment
Figure PCTCN2021133024-appb-000017
Information that needs to be output to the outside, namely:

Figure PCTCN2021133024-appb-000018
Figure PCTCN2021133024-appb-000018

LSTM编码后的隐藏状态

Figure PCTCN2021133024-appb-000019
可以由式(14)计算得到: Hidden state after LSTM encoding
Figure PCTCN2021133024-appb-000019
It can be calculated by formula (14):

Figure PCTCN2021133024-appb-000020
Figure PCTCN2021133024-appb-000020

然后,使用批标准化(Batch Norm:Batch Normalization)对LSTM编码获取的隐藏状态进行处理,使训练数据与在线数据编码获得的隐藏状态有相同的分布,保障训练数据得到的模型能够用于在线数据,并且使其分布更均匀,增加模型收敛速度,再使用如式(15)的tanh激活函数对每个数据点的特征进行非线性变换,得到最终的编码状态

Figure PCTCN2021133024-appb-000021
其中
Figure PCTCN2021133024-appb-000022
是需要学习的参数,*∈{i,f,o},·是元素积; Then, batch normalization (Batch Norm: Batch Normalization) is used to process the hidden state obtained by LSTM encoding, so that the training data and the hidden state obtained by online data encoding have the same distribution, ensuring that the model obtained from the training data can be used for online data. And make the distribution more uniform, increase the model convergence speed, and then use the tanh activation function such as formula (15) to nonlinearly transform the features of each data point to obtain the final encoding state
Figure PCTCN2021133024-appb-000021
in
Figure PCTCN2021133024-appb-000022
is the parameter to be learned, *∈{i,f,o},·is the element product;

Figure PCTCN2021133024-appb-000023
Figure PCTCN2021133024-appb-000023

在编码阶段引入LSTM的门控机制,改善原生VAE的前馈神经网络假设数据在时间上独立、重建值只能依赖当前的输入、不适合时序数据以及梯度爆炸或梯度消失等问题,使用LSTM替代原生VAE的前馈神经网络捕获多元时间序列依赖关系;将输入的多元子时间序列降维映射到随机变量Z空间,将随机变量Z空间上的分布p θ(z)约束为多元正态分布N(0,I),其中随 机变量Z空间的先验分布q φ(z|x)为对角高斯分布N(μ,σ 2I); Introduce the gating mechanism of LSTM in the coding stage to improve the feedforward neural network of the native VAE, assuming that the data is independent in time, the reconstruction value can only depend on the current input, it is not suitable for time series data, and the gradient explosion or gradient disappears. Use LSTM instead The feedforward neural network of the native VAE captures the multivariate time series dependencies; the input multivariate sub-time series is dimensionally mapped to the random variable Z space, and the distribution p θ (z) on the random variable Z space is constrained to a multivariate normal distribution N (0,I), where the prior distribution q φ (z|x) of the random variable Z space is a diagonal Gaussian distribution N(μ,σ 2 I);

(1.3)训练分类器:采用半监督学习的方式进行训练,用少量标签数据带动大部分无标签数据一起训练分类器;为了提高重建的精确度,在解码时引入标签数据,设计了一个名为q φ(y|x)的分类网络Classifier,由线性层和tanh激活层、Softmax层组成,输出是一个概率向量,即预测的标签

Figure PCTCN2021133024-appb-000024
如果输入数据x带有标签,则不需要通过分类网络进行训练,直接将标签数据y l与随机变量z进行拼接,即(z,y l),如果输入数据x是无标签的,则要经过分类网络对标签进行预测,然后将预测的标签
Figure PCTCN2021133024-appb-000025
与随机变量z进行拼接得到
Figure PCTCN2021133024-appb-000026
之后再用于解码器进行重建;在分类过程中,将y视为一个未知变量,而q φ(y|x)可近似为Cat(π φ(x)),即q φ(y|x)=Cat(π φ(x)),服从级联多项分布,而π φ(x)的计算由带参数
Figure PCTCN2021133024-appb-000027
的神经网络定义; (1.3) Training the classifier: Semi-supervised learning is used for training, and a small amount of labeled data is used to drive most of the unlabeled data to train the classifier; in order to improve the accuracy of reconstruction, labeled data is introduced during decoding, and a named The classification network Classifier of q φ (y|x) consists of a linear layer, a tanh activation layer, and a Softmax layer. The output is a probability vector, that is, the predicted label.
Figure PCTCN2021133024-appb-000024
If the input data x has a label, it does not need to be trained by the classification network, and the label data y l is directly spliced with the random variable z, that is (z, y l ). If the input data x is unlabeled, it needs to go through The classification network predicts the label, and then converts the predicted label
Figure PCTCN2021133024-appb-000025
Concatenated with random variable z to get
Figure PCTCN2021133024-appb-000026
It is then used for reconstruction in the decoder; in the classification process, y is regarded as an unknown variable, and q φ (y|x) can be approximated as Cat(π φ (x)), that is, q φ (y|x) =Cat(π φ (x)), subject to a cascaded multinomial distribution, and π φ (x) is calculated by the parameter
Figure PCTCN2021133024-appb-000027
The definition of neural network;

因为采用少数标签数据带动大部分无标签数据训练分类器,因此在训练分类器时考虑两种情况优化训练目标函数,即优化训练证据下界(ELBO:Evidence Lower Bound)损失函数。第一种情况是针对有标签的数据,改进的ELBO如式(16)所示:Because a small number of labeled data is used to drive most of the unlabeled data to train the classifier, two situations are considered to optimize the training objective function when training the classifier, namely, optimizing the training evidence lower bound (ELBO: Evidence Lower Bound) loss function. The first case is for labeled data, and the improved ELBO is shown in formula (16):

Figure PCTCN2021133024-appb-000028
Figure PCTCN2021133024-appb-000028

其中,a t=0,t∈{1,2,…,w}表示t时刻x (t)异常,否则a t=1,

Figure PCTCN2021133024-appb-000029
表示x中正常点的比例,当接触到异常点时,p θ(x (t)|y,z)的作用可以用a t直接排除,p θ(z)和p θ(y)的贡献可k的乘积计算得到,而q φ(z|x,y)仅是(x,y)到z的映射,不用考虑是否为正常数据点,因此不用进行修改; Among them, a t =0,t∈{1,2,...,w} indicates that x (t) is abnormal at time t, otherwise a t =1,
Figure PCTCN2021133024-appb-000029
Represents the proportion of normal points in x. When encountering abnormal points, the role of p θ (x (t) |y,z) can be directly excluded by a t , and the contributions of p θ (z) and p θ (y) can be The product of k is calculated, and q φ (z|x, y) is only the mapping from (x, y) to z, regardless of whether it is a normal data point, so there is no need to modify it;

第二种情况是对于无标签输入数据,上面消减异常点带来的干扰方法仍然可用,则无标签数据的证据下界可由公式(17)表示:The second case is that for unlabeled input data, the above method of reducing the interference caused by abnormal points is still available, and the lower bound of the evidence for unlabeled data can be expressed by formula (17):

Figure PCTCN2021133024-appb-000030
Figure PCTCN2021133024-appb-000030

则能够同时满足上面两种情况的ELBO可表示为:Then the ELBO that can satisfy the above two conditions at the same time can be expressed as:

Figure PCTCN2021133024-appb-000031
Figure PCTCN2021133024-appb-000031

在此时的ELBO中,标签预测分布q φ(y|x)只与无标签的

Figure PCTCN2021133024-appb-000032
相关,为了让分类器能够在有标签情况下学习,则在目标函数中添加一个分类损失,扩展的ELBO如下: In ELBO at this time, the label prediction distribution q φ (y|x) is only similar to the unlabeled
Figure PCTCN2021133024-appb-000032
Related, in order to allow the classifier to learn with labels, a classification loss is added to the objective function, and the extended ELBO is as follows:

Figure PCTCN2021133024-appb-000033
Figure PCTCN2021133024-appb-000033

其中,超参数λ用来平衡使用直接的标签数据和预测的标签数据,使用这个目标函数,可以正确评估带有标签和未带标签的数据,最后使用梯度下降方法来更新编码网络和解码网络中的参数;Among them, the hyperparameter λ is used to balance the use of direct label data and predicted label data. Using this objective function, labeled and unlabeled data can be correctly evaluated. Finally, gradient descent is used to update the encoding network and decoding network. parameter;

(1.4)解码重建输入序列:在使用LSTM-Decoder进行解码重建输入序列阶段,首先需要从先验对角高斯分布q φ(z|x)中进行抽取的随机变量z与标签或者预测标签拼接;然后将拼接获得的(z,y l)或者

Figure PCTCN2021133024-appb-000034
输入LSTM-Decoder进行解码,得到隐藏状态
Figure PCTCN2021133024-appb-000035
最后,经过线性层处理可以将隐藏状态转为输入状态,得到重建的
Figure PCTCN2021133024-appb-000036
其中先验对角高斯分布的参数μ和logσ的计算公式如式(20)所示: (1.4) Decoding and reconstructing the input sequence: In the stage of decoding and reconstructing the input sequence using LSTM-Decoder, the random variable z extracted from the prior diagonal Gaussian distribution q φ (z|x) needs to be spliced with the label or predicted label; Then stitch the obtained (z, y l ) or
Figure PCTCN2021133024-appb-000034
Input LSTM-Decoder to decode to get the hidden state
Figure PCTCN2021133024-appb-000035
Finally, after linear layer processing, the hidden state can be converted to the input state, and the reconstructed
Figure PCTCN2021133024-appb-000036
The calculation formulas of the parameters μ and logσ of the prior diagonal Gaussian distribution are shown in formula (20):

Figure PCTCN2021133024-appb-000037
Figure PCTCN2021133024-appb-000037

步骤(1)的训练目标是最大化改进的损失函数,当其收敛时停止训练,然后保存好训练的模型,即保存训练模型中的分类器参数、编码网格参数、解码网格参数。The training goal of step (1) is to maximize the improved loss function, stop training when it converges, and then save the trained model, that is, save the classifier parameters, encoding grid parameters, and decoding grid parameters in the training model.

针对步骤(2)中对在线模块监控采集的数据使用离线模块训练的异常检测模型对实体进行检测具体包括:For the data collected by the online module monitoring in step (2), using the anomaly detection model trained by the offline module to detect entities specifically includes:

(2.1)对在线监测数据通过离线训练的异常检测模型计算重建概率分数就可以判断某一时刻的监控值(如t时刻的x (t))是否正常,采用长度为w的多元子时间序列作为输入数据,即输入x (t-w+1:t)来重建x (t),由于是在x (t-w+1:t)的分布参数μ、σ和π上重建出

Figure PCTCN2021133024-appb-000038
而非窗口本身,则可以使用概率来表示异常分数。在线模块对在线检测采集的数据进行预处理,预处理后 的数据经与离线模块相同的编码器处理,然后使用异常检测模型得到的参数如式(20)计算随机变量Z空间先验对角高斯分布参数,最后经分类器获取的数据标签与从先验对角高斯分布随机抽取的随机变量z拼接的数据用于解码重建。在线模块计算所有点的重概率分数,并根据窗口内最后一点的概率分数与阈值进行判断实体状态。 (2.1) For the online monitoring data, by calculating the reconstruction probability score through the offline training anomaly detection model, it is possible to judge whether the monitoring value at a certain time (such as x (t) at time t) is normal, using a multivariate sub-time series of length w as the Input data, that is, input x (t-w+1:t) to reconstruct x (t) , since it is reconstructed on the distribution parameters μ, σ and π of x (t-w+1:t)
Figure PCTCN2021133024-appb-000038
Instead of the window itself, probabilities can be used to represent anomaly scores. The online module preprocesses the data collected by the online detection. The preprocessed data is processed by the same encoder as the offline module, and then the parameters obtained by the anomaly detection model are used to calculate the random variable Z space prior diagonal Gaussian. Distribution parameters, and finally the data concatenated by the data labels obtained by the classifier and the random variable z randomly drawn from the prior diagonal Gaussian distribution is used for decoding and reconstruction. The online module calculates the multiple probability scores of all points, and judges the entity state according to the probability scores and thresholds of the last point in the window.

(2.2)通过重建概率分数判断实体状态:用重建概率

Figure PCTCN2021133024-appb-000039
作为异常检测器,然后使用蒙特卡洛方法近似求解,如下式: (2.2) Judging the entity state by the reconstruction probability score: using the reconstruction probability
Figure PCTCN2021133024-appb-000039
As an anomaly detector, it is then approximately solved using the Monte Carlo method as follows:

Figure PCTCN2021133024-appb-000040
Figure PCTCN2021133024-appb-000040

由于重建概率是负数,便用Sigmoid转化到[0,1]的范围,则在t时刻的重建分数r (t)可表示为

Figure PCTCN2021133024-appb-000041
其中f(x)=1/(1+e -x)。若r (t)越高,表示重建的效果越好,x (t)越有可能判定为正常;最后,当模型计算出检测序列的重建概率分数后,根据设定的阈值来决定实体的状态,如式(22)所示: Since the reconstruction probability is a negative number, Sigmoid is used to transform it into the range of [0,1], then the reconstruction score r (t) at time t can be expressed as
Figure PCTCN2021133024-appb-000041
where f(x)=1/(1+e -x ). If r (t) is higher, it means that the reconstruction effect is better, and x (t) is more likely to be judged to be normal; finally, after the model calculates the reconstruction probability score of the detection sequence, the state of the entity is determined according to the set threshold , as shown in formula (22):

Figure PCTCN2021133024-appb-000042
Figure PCTCN2021133024-appb-000042

若r (t)高于设定的阈值则判定为正常,用0表示,否则为异常,用1表示。 If r (t) is higher than the set threshold, it is judged as normal, represented by 0, otherwise it is abnormal, represented by 1.

本领域的技术人员容易理解,以上所述仅为本发明的较佳实施例而已,并不用以限制本发明,凡在本发明的精神和原则之内所作的任何修改、等同替换和改进等,均应包含在本发明的保护范围之内。Those skilled in the art can easily understand that the above descriptions are only preferred embodiments of the present invention, and are not intended to limit the present invention. Any modifications, equivalent replacements and improvements made within the spirit and principles of the present invention, etc., All should be included within the protection scope of the present invention.

Claims (4)

一种面向云环境下大规模多元时间序列数据异常检测方法,其特征在于,包括如下步骤:A method for anomaly detection of large-scale multivariate time series data in a cloud environment, characterized in that it includes the following steps: (1)离线模块训练多元时间序列异常检测模型:将检测系统收集的少部分有标签数据和大部分无标签数据作为离线训练的数据集,对数据进行预处理,经预处理后的数据用于训练多元时间序列异常检测模型;在模型训练中,首先通过长短期记忆网络(LSTM:Long Short-Term Memory)学习多元时间序列的依赖关系,然后将输入的多元时间序列通过变分自编码器(VAE:Variational Auto-Encoder)来降维映射到随机变量Z空间并获取隐藏变量,再次经分类器获取数据标签与从随机变量Z空间先验分布中抽取的随机变量z进行拼接,最后拼接得到的数据经解码器后重建输入序列;其中,多元时间序列异常检测模型的参数训练目标是让改进的损失函数最大化,并在其收敛时停止训练;(1) Offline module training multivariate time series anomaly detection model: take a small part of the labeled data and most of the unlabeled data collected by the detection system as the data set for offline training, and preprocess the data, and the preprocessed data is used for Train the multivariate time series anomaly detection model; in the model training, first learn the dependencies of the multivariate time series through the long short-term memory network (LSTM: Long Short-Term Memory), and then pass the input multivariate time series through the variational autoencoder ( VAE: Variational Auto-Encoder) to reduce the dimension and map to the random variable Z space and obtain hidden variables, and then obtain the data label through the classifier and splicing the random variable z extracted from the prior distribution of the random variable Z space, and finally spliced to get The input sequence is reconstructed after the data is passed through the decoder; among them, the parameter training goal of the multivariate time series anomaly detection model is to maximize the improved loss function, and stop training when it converges; (2)在线模块计算重建概率分数判断实体状态:在线监测的数据通过离线训练模型计算重建概率能判断t时刻输入的监控值x (t)是否正常,采用长度为w的多元子时间序列x (t-w+1:t)作为输入数据来重建
Figure PCTCN2021133024-appb-100001
由于是在x (t-w+1:t)的分布参数μ、σ和π上重建出
Figure PCTCN2021133024-appb-100002
而非窗口本身,则可以使用概率来表示异常分数,其中t表示多元时间序列的监控时间;在线模块对在线检测采集的数据进行预处理,预处理后的数据经与离线模块相同的变分自编码器处理,然后使用多元时间序列异常检测模型得到的参数计算随机变量Z空间的先验对角高斯分布的参数,将从分类器获取的数据标签与从随机变量Z空间先验分布中抽取的随机变量z进行拼接,最后将拼接得到的数据用于重建;在线模块计算所有点的重概率分数,并根据窗口内最后一点的概率分数与阈值进行判断实体状态。
(2) The online module calculates the reconstruction probability score to determine the entity status: the online monitoring data can be used to determine whether the input monitoring value x (t) at time t is normal by calculating the reconstruction probability through the offline training model. The multivariate sub-time series x ( t-w+1:t) as input data to reconstruct
Figure PCTCN2021133024-appb-100001
Since it is reconstructed on the distribution parameters μ, σ and π of x (t-w+1:t)
Figure PCTCN2021133024-appb-100002
Instead of the window itself, the probability can be used to represent the abnormal score, where t represents the monitoring time of the multivariate time series; the online module preprocesses the data collected by the online detection, and the preprocessed data is processed by the same variational automatic as the offline module. The encoder processes, and then uses the parameters obtained from the multivariate time series anomaly detection model to calculate the parameters of the prior diagonal Gaussian distribution of the random variable Z space. The random variable z is spliced, and finally the spliced data is used for reconstruction; the online module calculates the multiple probability scores of all points, and judges the entity state according to the probability scores and thresholds of the last point in the window.
如权利要求1所述的面向云环境下大规模多元时间序列数据异常检 测方法,其特征在于,所述步骤(1)具体包括:The large-scale multivariate time series data anomaly detection method in a cloud-oriented environment as claimed in claim 1, wherein the step (1) specifically comprises: (1.1)数据的预处理:首先将形如式(1)所示的训练数据进行(1.1) Data preprocessing: First, the training data shown in formula (1) is processed
Figure PCTCN2021133024-appb-100003
Figure PCTCN2021133024-appb-100003
Z-Normalization标准化处理,使其每个指标都符合标准正态分布;用滑动窗口将x划分为子序列,移动步长为1个单位,并选择序列的最佳窗口长度,定义窗口的标签由这个窗口内是否有异常数据决定;其中,N为多元时间序列x与数据标签y l的监控时间;x (t)∈R M是一个取值范围为R的M维的向量,M表示监控的指标数;y l表示数据的标签,0表示正常,1表示异常,若为NULL表示无标签数据;经过预处理后,得到形如
Figure PCTCN2021133024-appb-100004
长度为w的子时间序列和相应的窗口标签,输入的训练数据可以包含异常数据;
Z-Normalization is standardized so that each indicator conforms to the standard normal distribution; x is divided into subsequences with a sliding window, the moving step is 1 unit, and the optimal window length of the sequence is selected, and the label of the defined window is defined by Whether there is abnormal data in this window is determined; among them, N is the monitoring time of the multivariate time series x and the data label y l ; x (t) ∈ R M is an M-dimensional vector whose value range is R, and M represents the monitoring Number of indicators; y l represents the label of the data, 0 means normal, 1 means abnormal, if it is NULL, it means unlabeled data; after preprocessing, the form is as follows
Figure PCTCN2021133024-appb-100004
A sub-time series of length w and the corresponding window label, the input training data can contain abnormal data;
(1.2)编码降维并获取隐藏状态:通过编码器将多元子时间序列降维映射到随机变量Z空间,将Z空间上的分布p θ(Z)约束为多元正态分布N(0,I),随机变量Z空间的先验分布q φ(Z|X)为对角高斯分布N(μ,σ 2I);在编码过程中用LSTM的门控机制改善原生VAE的前馈神经网络,将预处理后的数据经LSTM-Encoder进行编码,当输入t时刻监控值x (t)时,使用LSTM结合t-1时刻的隐藏状态来获取t时刻更深层次的表达;然后,使用批标准化(Batch Norm:Batch Normalization)对LSTM编码获取的隐藏状态进行处理,使训练数据与在线数据编码获得的隐藏状态有相同的分布,保障训练数据得到的模型能够用于在线数据,并且使其分布更均匀,增加模型收敛速度,再使用如式(2)的tanh激活函数对每个数据点的特征进行非线性变换,得到最终的编码状态; (1.2) Encoding dimensionality reduction and obtaining hidden state: The multivariate sub-time series dimensionality reduction is mapped to the random variable Z space through the encoder, and the distribution p θ (Z) on the Z space is constrained to a multivariate normal distribution N(0,I ), the prior distribution q φ (Z|X) of the random variable Z space is a diagonal Gaussian distribution N(μ,σ 2 I); in the encoding process, the gating mechanism of LSTM is used to improve the feedforward neural network of the native VAE, The preprocessed data is encoded by LSTM-Encoder. When the monitoring value x (t) at time t is input, LSTM is used in combination with the hidden state at time t-1 to obtain a deeper expression at time t; then, batch normalization ( Batch Norm: Batch Normalization) processes the hidden state obtained by LSTM encoding, so that the training data and the hidden state obtained by online data encoding have the same distribution, ensuring that the model obtained from the training data can be used for online data, and make its distribution more uniform , increase the convergence speed of the model, and then use the tanh activation function such as formula (2) to perform nonlinear transformation on the features of each data point to obtain the final encoding state;
Figure PCTCN2021133024-appb-100005
Figure PCTCN2021133024-appb-100005
(1.3)训练分类器:为了提高重建的精确度,在解码时引入标签数据, 设计了一个名为q φ(y|x)的分类网络Classifier,由线性层和tanh激活层、Softmax层组成,输出是一个概率向量,即预测的数据标签
Figure PCTCN2021133024-appb-100006
如果输入数据带有标签,则不需要通过分类网络进行训练,直接将标签y l与抽取的随机变量z进行拼接,即(z,y l),如果输入数据x是无标签的,则要经过分类网络对标签进行预测,然后将预测的标签
Figure PCTCN2021133024-appb-100007
与抽取的随机变量z进行拼接得到
Figure PCTCN2021133024-appb-100008
之后再用于解码器进行重建;在分类过程中,将y视为一个未知变量,而q φ(y|x)可近似为Cat(π φ(x)),即q φ(y|x)=Cat(π φ(x)),服从级联多项分布,而π φ(x)的计算由带参数
Figure PCTCN2021133024-appb-100009
的神经网络定义;
(1.3) Training the classifier: In order to improve the accuracy of reconstruction, label data is introduced during decoding, and a classification network Classifier named q φ (y|x) is designed, which consists of a linear layer, a tanh activation layer, and a Softmax layer. The output is a probability vector, the predicted data labels
Figure PCTCN2021133024-appb-100006
If the input data has a label, it does not need to be trained by the classification network, and the label y l is directly spliced with the extracted random variable z, that is (z, y l ). If the input data x is unlabeled, it needs to go through The classification network predicts the label, and then converts the predicted label
Figure PCTCN2021133024-appb-100007
It is obtained by splicing with the extracted random variable z
Figure PCTCN2021133024-appb-100008
It is then used for reconstruction in the decoder; in the classification process, y is regarded as an unknown variable, and q φ (y|x) can be approximated as Cat(π φ (x)), that is, q φ (y|x) =Cat(π φ (x)), subject to a cascaded multinomial distribution, and π φ (x) is calculated by the parameter
Figure PCTCN2021133024-appb-100009
The definition of neural network;
因为采用少数标签数据带动大部分无标签数据训练分类器,因此在训练分类器时考虑两种情况优化训练目标函数,即优化训练证据下界(ELBO:Evidence Lower Bound)损失函数;Because a small number of labeled data is used to drive most of the unlabeled data to train the classifier, two situations are considered to optimize the training objective function when training the classifier, namely, optimizing the training evidence lower bound (ELBO: Evidence Lower Bound) loss function; (1.4)解码重建输入序列:将获得的(z,y l)或者
Figure PCTCN2021133024-appb-100010
输入LSTM-Decoder进行解码,得到隐藏状态
Figure PCTCN2021133024-appb-100011
经过线性层处理可以将隐藏状态转为输入状态,得到重建的
Figure PCTCN2021133024-appb-100012
然后更新参数。
(1.4) Decoding and reconstructing the input sequence: the obtained (z, y l ) or
Figure PCTCN2021133024-appb-100010
Input LSTM-Decoder to decode to get the hidden state
Figure PCTCN2021133024-appb-100011
After linear layer processing, the hidden state can be converted into the input state, and the reconstructed
Figure PCTCN2021133024-appb-100012
Then update the parameters.
如权利要求2所述的面向云环境下大规模多元时间序列数据异常检测方法,其特征在于,在所述步骤(1.3)中:The anomaly detection method for large-scale multivariate time series data in a cloud-oriented environment according to claim 2, characterized in that, in the step (1.3): 第一种情况是针对有标签的数据,改进的ELBO如式(3):The first case is for labeled data, and the improved ELBO is shown in formula (3):
Figure PCTCN2021133024-appb-100013
Figure PCTCN2021133024-appb-100013
其中,a t=0,t∈{1,2,…,w}表示t时刻监控值x (t)异常,否则a t=1,
Figure PCTCN2021133024-appb-100014
表示x中正常点的比例;p θ(z)和p θ(y)的贡献可与k的乘积计算得到,而q φ(z|x,y)仅是(x,y)到z的映射;
Among them, at = 0, t∈{1,2,...,w} indicates that the monitoring value x (t) is abnormal at time t , otherwise at =1,
Figure PCTCN2021133024-appb-100014
represents the proportion of normal points in x; the contributions of p θ (z) and p θ (y) can be calculated as a product of k, while q φ (z|x,y) is just a mapping of (x,y) to z ;
第二种情况是对于无标签输入数据,则无标签数据的证据下界可由公式(4)表示:In the second case, for unlabeled input data, the evidence lower bound of unlabeled data can be expressed by formula (4):
Figure PCTCN2021133024-appb-100015
Figure PCTCN2021133024-appb-100015
此时消减异常点带来的干扰的方法仍可用,则能够同时满足上面两种情况的ELBO可表示为:At this time, the method of reducing the interference caused by abnormal points is still available, and the ELBO that can satisfy the above two conditions at the same time can be expressed as:
Figure PCTCN2021133024-appb-100016
Figure PCTCN2021133024-appb-100016
在此时的ELBO中,标签预测分布q φ(y|x)只与无标签的
Figure PCTCN2021133024-appb-100017
相关,为了让分类器能够在有标签情况下学习,则在目标函数中添加一个分类损失,扩展的ELBO如式(6):
In ELBO at this time, the label prediction distribution q φ (y|x) is only similar to the unlabeled
Figure PCTCN2021133024-appb-100017
Related, in order to allow the classifier to learn with labels, a classification loss is added to the objective function, and the extended ELBO is shown in formula (6):
Figure PCTCN2021133024-appb-100018
Figure PCTCN2021133024-appb-100018
其中超参数λ用来平衡使用直接的标签数据和预测的标签数据,使用这个目标函数,可以正确评估带有标签和未带标签的数据,最后使用梯度下降方法来更新编码网络和解码网络中的参数。The hyperparameter λ is used to balance the use of direct labeled data and predicted labeled data. Using this objective function, labeled and unlabeled data can be correctly evaluated. Finally, gradient descent is used to update the encoding network and decoding network. parameter.
如权利要求1或2所述的面向云环境下大规模多元时间序列数据异常检测方法,其特征在于,所述步骤(2)中对在线模块监控采集的数据使用离线模块训练的异常检测模型对实体进行检测,包括:The method for anomaly detection of large-scale multivariate time series data in a cloud-oriented environment according to claim 1 or 2, wherein in the step (2), an anomaly detection model trained by an offline module is used for the data collected by the online module monitoring. Entities are detected, including: (2.1)计算重建概率:首先在线读取数据;然后,对读取的数据经与离线模块相同的预处理,对每一个滑动窗口的多元时间序列通过编码器获得隐藏状态;然后,计算随机变量Z空间的先验对角高斯分布的参数,从先验对角高斯分布抽取的随机变量z;最后,将随机变量z与预测标签拼接的数据用于重建
Figure PCTCN2021133024-appb-100019
并通过重建的
Figure PCTCN2021133024-appb-100020
计算重建概率;
(2.1) Calculate the reconstruction probability: first read the data online; then, the read data is subjected to the same preprocessing as the offline module, and the hidden state is obtained through the encoder for the multivariate time series of each sliding window; then, the random variable is calculated The parameters of the prior diagonal Gaussian distribution in Z space, the random variable z drawn from the prior diagonal Gaussian distribution; finally, the data spliced with the random variable z and the predicted label are used for reconstruction
Figure PCTCN2021133024-appb-100019
and through the reconstructed
Figure PCTCN2021133024-appb-100020
Calculate the reconstruction probability;
(2.2)通过重建概率分数判断实体状态:用重建概率
Figure PCTCN2021133024-appb-100021
作为异常检测器,
(2.2) Judging the entity state by the reconstruction probability score: using the reconstruction probability
Figure PCTCN2021133024-appb-100021
As an anomaly detector,
Figure PCTCN2021133024-appb-100022
Figure PCTCN2021133024-appb-100022
由于重建概率是负数,便用Sigmoid转化到[0,1]的范围,则在t时刻的重建 分数r (t)可表示为
Figure PCTCN2021133024-appb-100023
其中f(x)=1/(1+e -x);若r (t)越高,表示重建的效果越好,x (t)越有可能判定为正常,根据设定的阈值来决定实体的状态。
Since the reconstruction probability is a negative number, Sigmoid is used to transform it into the range of [0,1], then the reconstruction score r (t) at time t can be expressed as
Figure PCTCN2021133024-appb-100023
where f(x)=1/(1+e -x ); if r (t) is higher, it means that the reconstruction effect is better, and x (t) is more likely to be judged to be normal, and the entity is determined according to the set threshold status.
PCT/CN2021/133024 2021-01-28 2021-11-25 Anomaly detection method for large-scale multivariate time series data in cloud environment Ceased WO2022160902A1 (en)

Applications Claiming Priority (2)

Application Number Priority Date Filing Date Title
CN202110114470.0A CN112784965B (en) 2021-01-28 2021-01-28 Large-scale multi-element time series data anomaly detection method oriented to cloud environment
CN202110114470.0 2021-01-28

Publications (1)

Publication Number Publication Date
WO2022160902A1 true WO2022160902A1 (en) 2022-08-04

Family

ID=75759246

Family Applications (1)

Application Number Title Priority Date Filing Date
PCT/CN2021/133024 Ceased WO2022160902A1 (en) 2021-01-28 2021-11-25 Anomaly detection method for large-scale multivariate time series data in cloud environment

Country Status (2)

Country Link
CN (1) CN112784965B (en)
WO (1) WO2022160902A1 (en)

Cited By (80)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN115293274A (en) * 2022-08-12 2022-11-04 杭州电子科技大学 A Time Series Mutation Point Detection Method Based on Adversarial Alternating Sliding Window
CN115373374A (en) * 2022-10-26 2022-11-22 山东省计算中心(国家超级计算济南中心) Industrial Control Anomaly Detection Method and System Based on Graph Neural Network and Gated Recurrent Network
CN115392436A (en) * 2022-08-23 2022-11-25 合肥工业大学 Transformer substation equipment fault diagnosis method based on integrated depth generation model
CN115408498A (en) * 2022-11-02 2022-11-29 中孚安全技术有限公司 Data dynamic identification method based on natural language
CN115423048A (en) * 2022-11-03 2022-12-02 山东大学 Traffic flow abnormity detection method and system based on mode similarity
CN115423041A (en) * 2022-09-29 2022-12-02 缀初网络技术(上海)有限公司 Edge cloud fault prediction method and system based on deep learning
CN115469227A (en) * 2022-09-14 2022-12-13 中南大学 Set variational self-encoder and dynamic regular lithium battery abnormity detection method
CN115512460A (en) * 2022-09-29 2022-12-23 北京交通大学 A long-term prediction method of high-speed train axle temperature based on graph attention model
CN115511106A (en) * 2022-11-15 2022-12-23 阿里云计算有限公司 Method, device and readable storage medium for generating training data based on time sequence data
CN115564021A (en) * 2022-09-23 2023-01-03 东华大学 A Method for Sorting the Root Causes of Failures in the Polyester Fiber Polymerization Process
CN115664009A (en) * 2022-10-26 2023-01-31 国网新疆电力有限公司阿克苏供电公司 A Relay Protection Online Monitoring System Based on Big Data
CN115688871A (en) * 2022-09-20 2023-02-03 中国科学院计算技术研究所 Multi-element time sequence prediction method and system based on pre-training enhancement
CN115766504A (en) * 2022-11-15 2023-03-07 杭州电子科技大学 Anomaly Detection Method for Periodic Time Series
CN115795350A (en) * 2023-01-29 2023-03-14 北京众驰伟业科技发展有限公司 Abnormal data information processing method in production process of blood rheology test cup
CN115830532A (en) * 2022-11-25 2023-03-21 大连理工大学 Multi-monitoring-point abnormity detection method for chemical production process
CN115859202A (en) * 2022-11-24 2023-03-28 浙江邦盛科技股份有限公司 An anomaly detection method and device in a non-stationary time-series data flow scenario
CN115859175A (en) * 2023-02-16 2023-03-28 合肥综合性国家科学中心人工智能研究院(安徽省人工智能实验室) Hydraulic shock absorber equipment abnormity detection method based on cross-mode generative learning
CN115905348A (en) * 2022-10-25 2023-04-04 国网福建省电力有限公司经济技术研究院 A multi-source heterogeneous data early warning method and system for abnormal electricity consumption in industries
CN116049764A (en) * 2023-01-16 2023-05-02 中国科学院软件研究所 A cross-scale time-series data fusion method and system for the Internet of Things
CN116070106A (en) * 2023-03-31 2023-05-05 国网智能电网研究院有限公司 Feature extraction method and device for data interaction anomaly detection based on behavior sequence
CN116127325A (en) * 2023-03-13 2023-05-16 上海交通大学 Method and system for detecting abnormal flow of graph neural network business based on multi-attribute graph
CN116151123A (en) * 2023-03-02 2023-05-23 中国科学院上海天文台 Intelligent detection and identification method of magnetic satellite abnormal state
CN116205625A (en) * 2023-02-07 2023-06-02 浙江大学 Optimization method for data processing and model training of time series online decision-making model
CN116304846A (en) * 2023-05-24 2023-06-23 国网江西省电力有限公司电力科学研究院 A self-supervised learning-based online assessment method for CVT internal insulation abnormalities
CN116304589A (en) * 2023-02-17 2023-06-23 国网浙江省电力有限公司 Abnormal data detection and repair method based on multi-constraint collaboration and related products
CN116303786A (en) * 2023-03-18 2023-06-23 上海圈讯科技股份有限公司 Block chain financial big data management system based on multidimensional data fusion algorithm
CN116340881A (en) * 2023-03-28 2023-06-27 吉林大学 Self-adaptive post-fusion detection method for gas sensor array
CN116340935A (en) * 2022-12-13 2023-06-27 国网浙江省电力有限公司宁波供电公司 A host vulnerability lightweight security detection method and system based on multiple communication
CN116361728A (en) * 2023-03-14 2023-06-30 南京航空航天大学 System-level anomaly precursor identification method for civil aviation aircraft based on real-time flight data
CN116383096A (en) * 2023-06-06 2023-07-04 安徽思高智能科技有限公司 Microservice system anomaly detection method and device based on multi-index time series prediction
CN116522138A (en) * 2023-04-23 2023-08-01 哈尔滨工业大学 Multi-element time sequence anomaly detection method and system based on weak supervision integration
CN116578839A (en) * 2023-05-11 2023-08-11 重庆邮电大学 Special-purpose vehicle multi-mode sensor data preprocessing method
CN116628621A (en) * 2023-04-14 2023-08-22 长沙理工大学 Multivariate time series data abnormal event diagnosis method, device, equipment and storage medium
CN116644378A (en) * 2023-05-30 2023-08-25 浙江工业大学 A classification method for ultra-long multidimensional time series based on double-layer nested LSTM
CN116796272A (en) * 2023-06-21 2023-09-22 复旦大学 A Transformer-based multivariate time series anomaly detection method
CN116821824A (en) * 2023-05-25 2023-09-29 中国船舶集团有限公司第七〇九研究所 Uncertain data target classification method and system for abnormal value
CN116842402A (en) * 2023-09-01 2023-10-03 北京科技大学 Blast furnace abnormal furnace condition detection method based on stable characteristic extraction of twin neural network
CN116880446A (en) * 2023-07-10 2023-10-13 华能上海燃机发电有限责任公司 A gas turbine starting process monitoring system based on Siemens SFC
CN117074627A (en) * 2023-10-16 2023-11-17 三科智能(山东)集团有限公司 Medical laboratory air quality monitoring system based on artificial intelligence
CN117076865A (en) * 2023-09-04 2023-11-17 华北水利水电大学 A small-scale drought time series data prediction method based on VMD-Informer
CN117118913A (en) * 2023-10-20 2023-11-24 山东沪金精工科技股份有限公司 Processing equipment data acquisition system based on industrial Internet of things
CN117171154A (en) * 2023-09-15 2023-12-05 北京航空航天大学 A method for identifying and enhancing the quality of traffic infrastructure time series data based on artificial intelligence neural network
CN117190078A (en) * 2023-11-03 2023-12-08 山东省计算中心(国家超级计算济南中心) Abnormality detection method and system for monitoring data of hydrogen transportation pipe network
CN117648215A (en) * 2024-01-26 2024-03-05 国网山东省电力公司营销服务中心(计量中心) An abnormal source tracing method and system for electricity consumption information collection system
CN117743899A (en) * 2023-12-21 2024-03-22 大连理工大学 Timing sequence anomaly detection method based on correlation difference and TimesBlock encoder
CN117998448A (en) * 2024-04-07 2024-05-07 广州华生网络科技股份有限公司 Wireless network quality data acquisition method and system
CN118094454A (en) * 2024-04-29 2024-05-28 国网山东省电力公司嘉祥县供电公司 A method and system for detecting abnormal load data in a distribution network
CN118194028A (en) * 2024-05-17 2024-06-14 中国西安卫星测控中心 Low orbit satellite abnormal state identification method based on mixed probability principal component analysis
CN118264315A (en) * 2024-03-07 2024-06-28 国网青海省电力公司 Optical link cross comparison and fault accurate positioning method and system
CN118298445A (en) * 2024-06-05 2024-07-05 山东环球软件股份有限公司 OCR error detection method based on deep learning
CN118336916A (en) * 2024-04-12 2024-07-12 威海凯瑞电气股份有限公司 ABCLINK electric comprehensive monitoring system
CN118469758A (en) * 2024-07-11 2024-08-09 山东浪潮智慧能源科技有限公司 Data management method, system, equipment and medium of energy management system
CN118523967A (en) * 2024-07-24 2024-08-20 山东师范大学 Safety detection model construction method and system based on fine granularity gating mechanism
CN118778460A (en) * 2024-09-13 2024-10-15 北京航空航天大学 Model Predictive Control Method Based on Sequence Generation Model
CN118797346A (en) * 2024-07-04 2024-10-18 上海米喜网络科技有限公司 A method, system, device and medium for automatic data intelligent processing
CN118836977A (en) * 2024-09-23 2024-10-25 浙江大学 Time sequence data-oriented supervised earthquake monitoring method and device
CN118861961A (en) * 2024-09-27 2024-10-29 烟台大学 A method and system for detecting anomaly in power grid data based on LSTM-VAE network
CN118964833A (en) * 2024-07-04 2024-11-15 江苏斯盖环保科技有限公司 A sewage treatment equipment fault monitoring method based on cloud computing
CN119000173A (en) * 2024-08-05 2024-11-22 北京市计量检测科学研究院 Online anomaly monitoring method and system for ore pulp sampler with linear moving knife edge
CN119089393A (en) * 2024-11-06 2024-12-06 中国海洋大学 A data quality control method, medium and device based on spatiotemporal feature fusion
CN119271486A (en) * 2024-09-12 2025-01-07 中国科学院计算机网络信息中心 A time series anomaly detection method and device based on function approximation network
CN119357837A (en) * 2024-10-31 2025-01-24 东南大学 An unsupervised anomaly detection method based on multi-source data of microservice system
CN119476386A (en) * 2024-09-27 2025-02-18 北京百度网讯科技有限公司 Training method, device and electronic equipment for multimodal large model
CN119577652A (en) * 2024-11-28 2025-03-07 电子科技大学 A magnetic anomaly detection method based on a hybrid model of variational autoencoder and bidirectional gated recurrent unit
CN119625734A (en) * 2024-11-21 2025-03-14 北京小蝇科技有限责任公司 Method and device for locating abnormality in sequenced data based on reagent reaction
CN119622586A (en) * 2024-12-03 2025-03-14 北京邮电大学 A network abnormal behavior detection method based on dynamic data balance and generation
CN119669951A (en) * 2024-10-24 2025-03-21 浙江大学 A drone game decision-making system based on anomaly detection
CN119829972A (en) * 2024-12-02 2025-04-15 湖北省气象信息与技术保障中心 Multi-mode data-based automatic weather station operation state detection method
US12284087B2 (en) 2019-10-23 2025-04-22 Aryaka Networks, Inc. Correlation score based commonness indication associated with a point anomaly pertinent to data pattern changes in a cloud-based application acceleration as a service environment
CN119889484A (en) * 2025-01-13 2025-04-25 山东欣广化学有限公司 On-line monitoring method and system for running state of reactor based on neural network
CN119883870A (en) * 2025-03-28 2025-04-25 太极计算机股份有限公司 Exception handling method in code generation process
CN119884792A (en) * 2024-12-06 2025-04-25 华中师范大学 Time-based time sequence data intermittent learning method and system
CN119962975A (en) * 2025-04-09 2025-05-09 安徽省天然气开发股份有限公司 A natural gas data management method and system
CN119961842A (en) * 2025-02-25 2025-05-09 宿迁拾年科技有限公司 A hydrological sequence data anomaly detection method and system based on cloud computing
CN119988083A (en) * 2025-04-16 2025-05-13 浪潮软件科技有限公司 A method and device for quickly detecting abnormality of time series monitoring indicators
CN120415900A (en) * 2025-06-30 2025-08-01 华东交通大学 Internet of Things gateway enhancement method and system based on traffic monitoring and mimetic feedback
CN120744783A (en) * 2025-08-28 2025-10-03 鸣启数字科技(山东)有限公司 Factory data anomaly detection method and system based on big data analysis
CN120805012A (en) * 2025-09-16 2025-10-17 山东大学 Multi-mode feature fusion-based unsupervised anomaly detection method and system for deep sea manned submersible
CN120832587A (en) * 2025-09-17 2025-10-24 中国石油大学(华东) Pipeline corrosion status prediction method and system based on monitoring and detection data fusion
CN120832626A (en) * 2025-09-18 2025-10-24 南京天溯自动化控制系统有限公司 Abnormal feature analysis method of complex measurement sensors based on long-term accumulated data

Families Citing this family (19)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN112784965B (en) * 2021-01-28 2022-07-29 广西大学 Large-scale multi-element time series data anomaly detection method oriented to cloud environment
CN113222972B (en) * 2021-05-31 2024-03-19 辽宁工程技术大学 Image anomaly detection method based on variation self-encoder algorithm
CN113423118A (en) * 2021-06-23 2021-09-21 河南工业大学 ADS-B message abnormity monitoring method and system
CN113255835A (en) * 2021-06-28 2021-08-13 国能大渡河大数据服务有限公司 Hydropower station pump equipment anomaly detection method
CN113780410A (en) * 2021-09-10 2021-12-10 天目数据(福建)科技有限公司 Method and device for detecting step mutation points of power time sequence data
CN114021663B (en) * 2021-11-15 2022-09-27 浙江大学 Industrial process off-line data segmentation method based on sequence local discrimination information mining network
CN114492826B (en) * 2021-11-22 2025-07-15 杭州电子科技大学 An unsupervised anomaly detection analysis solution based on multivariate time series stream data
CN114357866B (en) * 2021-12-20 2025-05-06 江苏大学 Abnormal data detection and cleaning method for wind turbines based on LSTM-AE integrated sharing framework
CN116401537A (en) * 2021-12-22 2023-07-07 中国科学院信息工程研究所 Method and device for abnormal detection of network multivariate time traffic series based on multi-task
CN114298240A (en) * 2021-12-30 2022-04-08 中山大学 An active anomaly detection method for multivariate time series and related device
CN114332537B (en) * 2021-12-30 2024-11-26 畅捷通信息技术股份有限公司 A multi-cloud data anomaly detection method and system based on deep learning
CN114356743B (en) * 2022-03-11 2022-06-07 军事科学院系统工程研究院网络信息研究所 Abnormal event automatic detection method and system based on sequence reconstruction
CN114626479B (en) * 2022-03-23 2025-05-09 南京大学 Time series anomaly detection method and device based on variational autoencoder time series decomposition
CN114912573A (en) * 2022-03-31 2022-08-16 山东新一代信息产业技术研究院有限公司 A multivariate time series anomaly detection method and device
CN115374271A (en) * 2022-07-08 2022-11-22 江苏普旭科技股份有限公司 Depth LSTM-based method, system and computer readable medium for generating diversity text
CN115617011B (en) * 2022-09-05 2025-04-11 西安电子科技大学 Industrial equipment state detection method based on autoregressive graph adversarial neural network
CN117094358A (en) * 2023-08-30 2023-11-21 浙江大学海南研究院 Light weight anomaly detection neural network model retraining method resistant to overfitting
CN117041017B (en) * 2023-10-08 2024-01-05 北京金信润天信息技术股份有限公司 Intelligent operation and maintenance management methods and systems for data centers
CN118413456B (en) * 2024-07-03 2024-09-10 中国移动紫金(江苏)创新研究院有限公司 Network abnormity early warning method and early warning system based on AAE

Citations (6)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN109492193A (en) * 2018-12-28 2019-03-19 同济大学 Abnormal network data based on depth machine learning model generate and prediction technique
US20200097810A1 (en) * 2018-09-25 2020-03-26 Oracle International Corporation Automated window based feature generation for time-series forecasting and anomaly detection
CN111858231A (en) * 2020-05-11 2020-10-30 北京必示科技有限公司 Single index abnormality detection method based on operation and maintenance monitoring
CN112131212A (en) * 2020-09-29 2020-12-25 合肥城市云数据中心股份有限公司 Anomaly prediction method of time series data for hybrid cloud scenarios based on ensemble learning technology
CN112163020A (en) * 2020-09-30 2021-01-01 上海交通大学 A kind of multidimensional time series anomaly detection method and detection system
CN112784965A (en) * 2021-01-28 2021-05-11 广西大学 Large-scale multi-element time series data abnormity detection method oriented to cloud environment

Family Cites Families (10)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
KR101963557B1 (en) * 2017-08-31 2019-03-28 주식회사 알고리고 Apparatus for estimating power demand using heterogeneous data embedding
US11567914B2 (en) * 2018-09-14 2023-01-31 Verint Americas Inc. Framework and method for the automated determination of classes and anomaly detection methods for time series
CN110378392A (en) * 2019-06-26 2019-10-25 华东师范大学 A kind of indoor geriatric state's monitoring method based on LSTM-AE
CN110543942A (en) * 2019-08-28 2019-12-06 广西大学 An accurate prediction method of multi-temporal long-short-term memory deep network
CN110851733A (en) * 2019-10-31 2020-02-28 天津大学 Community Discovery and Sentiment Interpretation Methods Based on Network Topology and Document Content
CN111291860A (en) * 2020-01-13 2020-06-16 哈尔滨工程大学 An Anomaly Detection Method Based on Convolutional Neural Network Feature Compression
CN111444328B (en) * 2020-05-06 2023-04-14 南京大学 A Natural Language Automatic Prediction and Inference Method with Explanation Generation
CN111914873B (en) * 2020-06-05 2024-07-19 华南理工大学 A two-stage unsupervised anomaly prediction method for cloud servers
CN111913849B (en) * 2020-07-29 2022-02-11 厦门大学 Unsupervised anomaly detection and robust trend prediction method for operation and maintenance data
CN112101554B (en) * 2020-11-10 2024-01-23 北京瑞莱智慧科技有限公司 Abnormality detection method and apparatus, device, and computer-readable storage medium

Patent Citations (6)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20200097810A1 (en) * 2018-09-25 2020-03-26 Oracle International Corporation Automated window based feature generation for time-series forecasting and anomaly detection
CN109492193A (en) * 2018-12-28 2019-03-19 同济大学 Abnormal network data based on depth machine learning model generate and prediction technique
CN111858231A (en) * 2020-05-11 2020-10-30 北京必示科技有限公司 Single index abnormality detection method based on operation and maintenance monitoring
CN112131212A (en) * 2020-09-29 2020-12-25 合肥城市云数据中心股份有限公司 Anomaly prediction method of time series data for hybrid cloud scenarios based on ensemble learning technology
CN112163020A (en) * 2020-09-30 2021-01-01 上海交通大学 A kind of multidimensional time series anomaly detection method and detection system
CN112784965A (en) * 2021-01-28 2021-05-11 广西大学 Large-scale multi-element time series data abnormity detection method oriented to cloud environment

Cited By (103)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US12309039B2 (en) 2019-10-23 2025-05-20 Aryaka Networks, Inc. Efficient detection and prediction of data pattern changes in a cloud-based application acceleration as a service environment
US12284087B2 (en) 2019-10-23 2025-04-22 Aryaka Networks, Inc. Correlation score based commonness indication associated with a point anomaly pertinent to data pattern changes in a cloud-based application acceleration as a service environment
CN115293274A (en) * 2022-08-12 2022-11-04 杭州电子科技大学 A Time Series Mutation Point Detection Method Based on Adversarial Alternating Sliding Window
CN115392436B (en) * 2022-08-23 2025-09-12 合肥工业大学 Substation equipment fault diagnosis method based on integrated deep generative model
CN115392436A (en) * 2022-08-23 2022-11-25 合肥工业大学 Transformer substation equipment fault diagnosis method based on integrated depth generation model
CN115469227A (en) * 2022-09-14 2022-12-13 中南大学 Set variational self-encoder and dynamic regular lithium battery abnormity detection method
CN115469227B (en) * 2022-09-14 2024-04-12 中南大学 Aggregation variation self-encoder and dynamic regular lithium battery abnormality detection method
CN115688871A (en) * 2022-09-20 2023-02-03 中国科学院计算技术研究所 Multi-element time sequence prediction method and system based on pre-training enhancement
CN115564021A (en) * 2022-09-23 2023-01-03 东华大学 A Method for Sorting the Root Causes of Failures in the Polyester Fiber Polymerization Process
CN115423041A (en) * 2022-09-29 2022-12-02 缀初网络技术(上海)有限公司 Edge cloud fault prediction method and system based on deep learning
CN115512460A (en) * 2022-09-29 2022-12-23 北京交通大学 A long-term prediction method of high-speed train axle temperature based on graph attention model
CN115512460B (en) * 2022-09-29 2024-04-16 北京交通大学 High-speed train shaft temperature long-time prediction method based on graph attention model
CN115905348A (en) * 2022-10-25 2023-04-04 国网福建省电力有限公司经济技术研究院 A multi-source heterogeneous data early warning method and system for abnormal electricity consumption in industries
CN115664009B (en) * 2022-10-26 2024-02-09 国网新疆电力有限公司阿克苏供电公司 Relay protection on-line monitoring system based on big data
CN115373374B (en) * 2022-10-26 2023-01-31 山东省计算中心(国家超级计算济南中心) Industrial Control Anomaly Detection Method and System Based on Graph Neural Network and Gated Recurrent Network
CN115373374A (en) * 2022-10-26 2022-11-22 山东省计算中心(国家超级计算济南中心) Industrial Control Anomaly Detection Method and System Based on Graph Neural Network and Gated Recurrent Network
CN115664009A (en) * 2022-10-26 2023-01-31 国网新疆电力有限公司阿克苏供电公司 A Relay Protection Online Monitoring System Based on Big Data
CN115408498A (en) * 2022-11-02 2022-11-29 中孚安全技术有限公司 Data dynamic identification method based on natural language
CN115423048B (en) * 2022-11-03 2023-04-25 山东大学 A traffic flow anomaly detection method and system based on pattern similarity
CN115423048A (en) * 2022-11-03 2022-12-02 山东大学 Traffic flow abnormity detection method and system based on mode similarity
CN115766504A (en) * 2022-11-15 2023-03-07 杭州电子科技大学 Anomaly Detection Method for Periodic Time Series
CN115511106B (en) * 2022-11-15 2023-04-07 阿里云计算有限公司 Method, device and readable storage medium for generating training data based on time sequence data
CN115511106A (en) * 2022-11-15 2022-12-23 阿里云计算有限公司 Method, device and readable storage medium for generating training data based on time sequence data
CN115859202B (en) * 2022-11-24 2023-10-10 浙江邦盛科技股份有限公司 An anomaly detection method and device in a non-stationary time series data flow scenario
CN115859202A (en) * 2022-11-24 2023-03-28 浙江邦盛科技股份有限公司 An anomaly detection method and device in a non-stationary time-series data flow scenario
CN115830532A (en) * 2022-11-25 2023-03-21 大连理工大学 Multi-monitoring-point abnormity detection method for chemical production process
CN116340935B (en) * 2022-12-13 2023-08-18 国网浙江省电力有限公司宁波供电公司 Host vulnerability lightweight security detection method and system based on multiplex communication
CN116340935A (en) * 2022-12-13 2023-06-27 国网浙江省电力有限公司宁波供电公司 A host vulnerability lightweight security detection method and system based on multiple communication
CN116049764A (en) * 2023-01-16 2023-05-02 中国科学院软件研究所 A cross-scale time-series data fusion method and system for the Internet of Things
CN115795350A (en) * 2023-01-29 2023-03-14 北京众驰伟业科技发展有限公司 Abnormal data information processing method in production process of blood rheology test cup
CN116205625A (en) * 2023-02-07 2023-06-02 浙江大学 Optimization method for data processing and model training of time series online decision-making model
CN116205625B (en) * 2023-02-07 2025-08-15 浙江大学 Optimization method for data processing and model training of time sequence online decision model
CN115859175A (en) * 2023-02-16 2023-03-28 合肥综合性国家科学中心人工智能研究院(安徽省人工智能实验室) Hydraulic shock absorber equipment abnormity detection method based on cross-mode generative learning
CN116304589A (en) * 2023-02-17 2023-06-23 国网浙江省电力有限公司 Abnormal data detection and repair method based on multi-constraint collaboration and related products
CN116151123A (en) * 2023-03-02 2023-05-23 中国科学院上海天文台 Intelligent detection and identification method of magnetic satellite abnormal state
CN116127325A (en) * 2023-03-13 2023-05-16 上海交通大学 Method and system for detecting abnormal flow of graph neural network business based on multi-attribute graph
CN116361728A (en) * 2023-03-14 2023-06-30 南京航空航天大学 System-level anomaly precursor identification method for civil aviation aircraft based on real-time flight data
CN116361728B (en) * 2023-03-14 2024-01-23 南京航空航天大学 Civil aircraft system level abnormal precursor identification method based on real-time flight data
CN116303786A (en) * 2023-03-18 2023-06-23 上海圈讯科技股份有限公司 Block chain financial big data management system based on multidimensional data fusion algorithm
CN116303786B (en) * 2023-03-18 2023-10-27 上海圈讯科技股份有限公司 Block chain financial big data management system based on multidimensional data fusion algorithm
CN116340881A (en) * 2023-03-28 2023-06-27 吉林大学 Self-adaptive post-fusion detection method for gas sensor array
CN116070106A (en) * 2023-03-31 2023-05-05 国网智能电网研究院有限公司 Feature extraction method and device for data interaction anomaly detection based on behavior sequence
CN116628621A (en) * 2023-04-14 2023-08-22 长沙理工大学 Multivariate time series data abnormal event diagnosis method, device, equipment and storage medium
CN116522138A (en) * 2023-04-23 2023-08-01 哈尔滨工业大学 Multi-element time sequence anomaly detection method and system based on weak supervision integration
CN116578839A (en) * 2023-05-11 2023-08-11 重庆邮电大学 Special-purpose vehicle multi-mode sensor data preprocessing method
CN116304846B (en) * 2023-05-24 2023-09-12 国网江西省电力有限公司电力科学研究院 CVT internal insulation abnormality online assessment method based on self-supervision learning
CN116304846A (en) * 2023-05-24 2023-06-23 国网江西省电力有限公司电力科学研究院 A self-supervised learning-based online assessment method for CVT internal insulation abnormalities
CN116821824A (en) * 2023-05-25 2023-09-29 中国船舶集团有限公司第七〇九研究所 Uncertain data target classification method and system for abnormal value
CN116644378A (en) * 2023-05-30 2023-08-25 浙江工业大学 A classification method for ultra-long multidimensional time series based on double-layer nested LSTM
CN116383096A (en) * 2023-06-06 2023-07-04 安徽思高智能科技有限公司 Microservice system anomaly detection method and device based on multi-index time series prediction
CN116383096B (en) * 2023-06-06 2023-08-18 安徽思高智能科技有限公司 Microservice system anomaly detection method and device based on multi-index time series prediction
CN116796272A (en) * 2023-06-21 2023-09-22 复旦大学 A Transformer-based multivariate time series anomaly detection method
CN116880446A (en) * 2023-07-10 2023-10-13 华能上海燃机发电有限责任公司 A gas turbine starting process monitoring system based on Siemens SFC
CN116842402B (en) * 2023-09-01 2024-02-13 北京科技大学 Abnormal blast furnace condition detection method based on twin neural network extraction of stationary features
CN116842402A (en) * 2023-09-01 2023-10-03 北京科技大学 Blast furnace abnormal furnace condition detection method based on stable characteristic extraction of twin neural network
CN117076865A (en) * 2023-09-04 2023-11-17 华北水利水电大学 A small-scale drought time series data prediction method based on VMD-Informer
CN117171154A (en) * 2023-09-15 2023-12-05 北京航空航天大学 A method for identifying and enhancing the quality of traffic infrastructure time series data based on artificial intelligence neural network
CN117074627B (en) * 2023-10-16 2024-01-09 三科智能(山东)集团有限公司 Medical laboratory air quality monitoring system based on artificial intelligence
CN117074627A (en) * 2023-10-16 2023-11-17 三科智能(山东)集团有限公司 Medical laboratory air quality monitoring system based on artificial intelligence
CN117118913B (en) * 2023-10-20 2024-01-05 山东沪金精工科技股份有限公司 Processing equipment data acquisition system based on industrial Internet of things
CN117118913A (en) * 2023-10-20 2023-11-24 山东沪金精工科技股份有限公司 Processing equipment data acquisition system based on industrial Internet of things
CN117190078A (en) * 2023-11-03 2023-12-08 山东省计算中心(国家超级计算济南中心) Abnormality detection method and system for monitoring data of hydrogen transportation pipe network
CN117190078B (en) * 2023-11-03 2024-02-09 山东省计算中心(国家超级计算济南中心) A method and system for anomaly detection of hydrogen transmission pipeline network monitoring data
CN117743899A (en) * 2023-12-21 2024-03-22 大连理工大学 Timing sequence anomaly detection method based on correlation difference and TimesBlock encoder
CN117648215A (en) * 2024-01-26 2024-03-05 国网山东省电力公司营销服务中心(计量中心) An abnormal source tracing method and system for electricity consumption information collection system
CN117648215B (en) * 2024-01-26 2024-05-24 国网山东省电力公司营销服务中心(计量中心) Abnormal tracing method and system for electricity consumption information acquisition system
CN118264315A (en) * 2024-03-07 2024-06-28 国网青海省电力公司 Optical link cross comparison and fault accurate positioning method and system
CN117998448B (en) * 2024-04-07 2024-06-07 广州华生网络科技股份有限公司 Wireless network quality data acquisition method and system
CN117998448A (en) * 2024-04-07 2024-05-07 广州华生网络科技股份有限公司 Wireless network quality data acquisition method and system
CN118336916A (en) * 2024-04-12 2024-07-12 威海凯瑞电气股份有限公司 ABCLINK electric comprehensive monitoring system
CN118094454A (en) * 2024-04-29 2024-05-28 国网山东省电力公司嘉祥县供电公司 A method and system for detecting abnormal load data in a distribution network
CN118194028A (en) * 2024-05-17 2024-06-14 中国西安卫星测控中心 Low orbit satellite abnormal state identification method based on mixed probability principal component analysis
CN118298445A (en) * 2024-06-05 2024-07-05 山东环球软件股份有限公司 OCR error detection method based on deep learning
CN118964833A (en) * 2024-07-04 2024-11-15 江苏斯盖环保科技有限公司 A sewage treatment equipment fault monitoring method based on cloud computing
CN118797346A (en) * 2024-07-04 2024-10-18 上海米喜网络科技有限公司 A method, system, device and medium for automatic data intelligent processing
CN118469758A (en) * 2024-07-11 2024-08-09 山东浪潮智慧能源科技有限公司 Data management method, system, equipment and medium of energy management system
CN118523967A (en) * 2024-07-24 2024-08-20 山东师范大学 Safety detection model construction method and system based on fine granularity gating mechanism
CN119000173A (en) * 2024-08-05 2024-11-22 北京市计量检测科学研究院 Online anomaly monitoring method and system for ore pulp sampler with linear moving knife edge
CN119271486A (en) * 2024-09-12 2025-01-07 中国科学院计算机网络信息中心 A time series anomaly detection method and device based on function approximation network
CN118778460A (en) * 2024-09-13 2024-10-15 北京航空航天大学 Model Predictive Control Method Based on Sequence Generation Model
CN118836977A (en) * 2024-09-23 2024-10-25 浙江大学 Time sequence data-oriented supervised earthquake monitoring method and device
CN119476386A (en) * 2024-09-27 2025-02-18 北京百度网讯科技有限公司 Training method, device and electronic equipment for multimodal large model
CN118861961A (en) * 2024-09-27 2024-10-29 烟台大学 A method and system for detecting anomaly in power grid data based on LSTM-VAE network
CN119669951B (en) * 2024-10-24 2025-11-07 浙江大学 Unmanned aerial vehicle game decision-making system based on anomaly detection
CN119669951A (en) * 2024-10-24 2025-03-21 浙江大学 A drone game decision-making system based on anomaly detection
CN119357837A (en) * 2024-10-31 2025-01-24 东南大学 An unsupervised anomaly detection method based on multi-source data of microservice system
CN119089393A (en) * 2024-11-06 2024-12-06 中国海洋大学 A data quality control method, medium and device based on spatiotemporal feature fusion
CN119625734A (en) * 2024-11-21 2025-03-14 北京小蝇科技有限责任公司 Method and device for locating abnormality in sequenced data based on reagent reaction
CN119577652A (en) * 2024-11-28 2025-03-07 电子科技大学 A magnetic anomaly detection method based on a hybrid model of variational autoencoder and bidirectional gated recurrent unit
CN119829972A (en) * 2024-12-02 2025-04-15 湖北省气象信息与技术保障中心 Multi-mode data-based automatic weather station operation state detection method
CN119622586A (en) * 2024-12-03 2025-03-14 北京邮电大学 A network abnormal behavior detection method based on dynamic data balance and generation
CN119884792A (en) * 2024-12-06 2025-04-25 华中师范大学 Time-based time sequence data intermittent learning method and system
CN119884792B (en) * 2024-12-06 2025-10-17 华中师范大学 A method and system for intermittent learning of time series data based on temporal attention
CN119889484A (en) * 2025-01-13 2025-04-25 山东欣广化学有限公司 On-line monitoring method and system for running state of reactor based on neural network
CN119961842A (en) * 2025-02-25 2025-05-09 宿迁拾年科技有限公司 A hydrological sequence data anomaly detection method and system based on cloud computing
CN119883870A (en) * 2025-03-28 2025-04-25 太极计算机股份有限公司 Exception handling method in code generation process
CN119962975A (en) * 2025-04-09 2025-05-09 安徽省天然气开发股份有限公司 A natural gas data management method and system
CN119988083A (en) * 2025-04-16 2025-05-13 浪潮软件科技有限公司 A method and device for quickly detecting abnormality of time series monitoring indicators
CN120415900A (en) * 2025-06-30 2025-08-01 华东交通大学 Internet of Things gateway enhancement method and system based on traffic monitoring and mimetic feedback
CN120744783A (en) * 2025-08-28 2025-10-03 鸣启数字科技(山东)有限公司 Factory data anomaly detection method and system based on big data analysis
CN120805012A (en) * 2025-09-16 2025-10-17 山东大学 Multi-mode feature fusion-based unsupervised anomaly detection method and system for deep sea manned submersible
CN120832587A (en) * 2025-09-17 2025-10-24 中国石油大学(华东) Pipeline corrosion status prediction method and system based on monitoring and detection data fusion
CN120832626A (en) * 2025-09-18 2025-10-24 南京天溯自动化控制系统有限公司 Abnormal feature analysis method of complex measurement sensors based on long-term accumulated data

Also Published As

Publication number Publication date
CN112784965B (en) 2022-07-29
CN112784965A (en) 2021-05-11

Similar Documents

Publication Publication Date Title
CN112784965B (en) Large-scale multi-element time series data anomaly detection method oriented to cloud environment
CN111914873B (en) A two-stage unsupervised anomaly prediction method for cloud servers
CN117290800B (en) Timing sequence anomaly detection method and system based on hypergraph attention network
CN113312447B (en) Semi-supervised log anomaly detection method based on probability label estimation
WO2023123941A1 (en) Data anomaly detection method and apparatus
Xu et al. Global attention mechanism based deep learning for remaining useful life prediction of aero-engine
CN112765896A (en) LSTM-based water treatment time sequence data anomaly detection method
CN117081831A (en) Network intrusion detection method and system based on data generation and attention mechanism
CN115688035A (en) Time sequence power data anomaly detection method based on self-supervision learning
CN115903741B (en) A method for detecting data anomalies in industrial control systems
Zhang et al. Energy theft detection in an edge data center using threshold-based abnormality detector
CN118035731B (en) Electricity safety monitoring and early warning method and service system
CN116340796B (en) Time sequence data analysis method, device, equipment and storage medium
Kumar et al. An adaptive transformer model for anomaly detection in wireless sensor networks in real-time
CN113409166A (en) Method and device for detecting abnormal power consumption behavior of users based on XGBoost model
CN116383747A (en) Anomaly Detection Method Based on Multi-Timescale Deep Convolutional Generative Adversarial Networks
CN120560900B (en) Fault prediction method of server, electronic equipment, medium and product
CN118113503A (en) Intelligent operation and maintenance system fault prediction method, device, equipment and storage medium
CN116401537A (en) Method and device for abnormal detection of network multivariate time traffic series based on multi-task
CN116757533A (en) An industrial equipment abnormality detection method and related devices
CN119577635A (en) Anomaly detection method, device, equipment and medium
Lin et al. Ensemble denoising autoencoders based on broad learning system for time-series anomaly detection
CN117454165A (en) A network model training method, motor temperature prediction method and related equipment
CN116702990A (en) Method and device for predicting remaining life of equipment based on multi-layer long short-term memory model
CN118550757B (en) Missing data-oriented micro-service system root cause positioning method, medium and device

Legal Events

Date Code Title Description
121 Ep: the epo has been informed by wipo that ep was designated in this application

Ref document number: 21922492

Country of ref document: EP

Kind code of ref document: A1

NENP Non-entry into the national phase

Ref country code: DE

122 Ep: pct application non-entry in european phase

Ref document number: 21922492

Country of ref document: EP

Kind code of ref document: A1