[go: up one dir, main page]

CN116956089A - Training method and detection method for temperature anomaly detection model of electrical equipment - Google Patents

Training method and detection method for temperature anomaly detection model of electrical equipment Download PDF

Info

Publication number
CN116956089A
CN116956089A CN202210367426.5A CN202210367426A CN116956089A CN 116956089 A CN116956089 A CN 116956089A CN 202210367426 A CN202210367426 A CN 202210367426A CN 116956089 A CN116956089 A CN 116956089A
Authority
CN
China
Prior art keywords
temperature
data
electrical equipment
anomaly detection
power
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.)
Pending
Application number
CN202210367426.5A
Other languages
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.)
Santak Electronic Shenzhen Co Ltd
Original Assignee
Santak Electronic Shenzhen Co Ltd
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 Santak Electronic Shenzhen Co Ltd filed Critical Santak Electronic Shenzhen Co Ltd
Priority to CN202210367426.5A priority Critical patent/CN116956089A/en
Publication of CN116956089A publication Critical patent/CN116956089A/en
Pending legal-status Critical Current

Links

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods

Landscapes

  • Engineering & Computer Science (AREA)
  • Theoretical Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • Data Mining & Analysis (AREA)
  • General Health & Medical Sciences (AREA)
  • Biomedical Technology (AREA)
  • Biophysics (AREA)
  • Computational Linguistics (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Evolutionary Computation (AREA)
  • Artificial Intelligence (AREA)
  • Molecular Biology (AREA)
  • Computing Systems (AREA)
  • General Engineering & Computer Science (AREA)
  • General Physics & Mathematics (AREA)
  • Mathematical Physics (AREA)
  • Software Systems (AREA)
  • Health & Medical Sciences (AREA)
  • Testing Or Calibration Of Command Recording Devices (AREA)

Abstract

The utility model provides an electrical equipment temperature anomaly detection model training method, which comprises the following steps: training a depth self-encoder using the power and temperature data set; performing kernel density estimation on a reconstruction error obtained by the depth self-encoder according to power and temperature data to obtain probability density distribution of the reconstruction error; and executing a k-means clustering algorithm on the probability density distribution of the reconstruction error to obtain clustering of abnormal values.

Description

电器设备温度异常检测模型训练方法以及检测方法Electrical equipment temperature anomaly detection model training method and detection method

技术领域Technical field

本发明涉及电器设备温度检测领域,尤其涉及一种基于多量化机制的电器设备温度异常检测模型训练方法以及检测方法。The invention relates to the field of temperature detection of electrical equipment, and in particular to a method for training an abnormal temperature detection model of electrical equipment based on a multi-quantification mechanism and a detection method.

背景技术Background technique

异常检测是预测性维修中的一项关键任务。设计合理的异常检测策略可以提高电器设备(例如不间断电源(UPS))运行的稳定性。通过密切监视电器设备输出功率、散热器温度等指标(KPI),检测运行设备中IGBT/二极管等元器件的异常数据,可以预测电器设备运行的趋势,推断故障发生的原因并及时触发故障排除或缓解。Anomaly detection is a key task in predictive maintenance. A properly designed anomaly detection strategy can improve the stability of the operation of electrical equipment, such as uninterruptible power supplies (UPS). By closely monitoring the output power of electrical equipment, radiator temperature and other indicators (KPI), and detecting abnormal data of components such as IGBTs/diodes in operating equipment, we can predict the operating trend of electrical equipment, infer the cause of faults and trigger troubleshooting or troubleshooting in a timely manner. ease.

异常值检测的目标是揭示数据中的异常模式。预测性维护中的典型场景是识别设备故障、传感器故障或系统入侵。这是一项具有挑战性的任务,尤其是当数据与数据之间存在相互影响关系时,异常值变得隐蔽且在单一维度中难以判断。The goal of outlier detection is to reveal unusual patterns in data. Typical scenarios in predictive maintenance are identifying equipment failures, sensor failures or system intrusions. This is a challenging task, especially when there are interactions between data and outliers become hidden and difficult to judge in a single dimension.

现有技术中存在多种异常检测方法。基于统计方法的异常检测假设数据服从指定的概率分布,如果从模型中生成数据点的概率低于某个阈值,则将其定义为异常。这种模型的优点是给出了概率作为判断异常的决策规则,但缺乏对阈值的自动判断,往往需要人工确定。基于邻近度的异常检测假设异常数据与大多数数据隔离。包括基于距离的和基于密度在内的异常检测算法,通过识别数据中存在的密集区域或簇,对每一个异常点的关系进行评估,形成每一个异常点的关系。如果到簇质心的近邻度高于阈值或最近的簇的大小低于阈值,或数据点的局部区域内的数据点数量低于阈值,则将其定义为异常。该模型也缺乏对阈值的自动判断,需要人工确定。基于监督学习的方法则需要手动标记每个KPI的异常。There are multiple anomaly detection methods in the existing technology. Anomaly detection based on statistical methods assumes that the data obeys a specified probability distribution, and if the probability of generating a data point from the model is below a certain threshold, it is defined as an anomaly. The advantage of this model is that it provides probability as a decision rule for judging anomalies, but it lacks automatic judgment of the threshold and often requires manual determination. Proximity-based anomaly detection assumes that anomalous data is isolated from the majority of the data. Anomaly detection algorithms, including distance-based and density-based, evaluate the relationship of each outlier point by identifying dense areas or clusters that exist in the data, and form the relationship between each outlier point. An anomaly is defined if the proximity to the cluster centroid is above the threshold or the size of the nearest cluster is below the threshold, or the number of data points within a local region of the data points is below the threshold. The model also lacks automatic judgment of thresholds and requires manual determination. Supervised learning-based methods require manually marking the anomalies of each KPI.

但是现实中,大部分数据都是无标签的,多数情况下都需要通过无监督学习获取知识。因此,当面对大量的KPI时,无论是传统的统计方法还是基于监督学习的方法均不能自动地且有效地工作。However, in reality, most data are unlabeled, and in most cases knowledge needs to be obtained through unsupervised learning. Therefore, when faced with a large number of KPIs, neither traditional statistical methods nor methods based on supervised learning can work automatically and effectively.

发明内容Contents of the invention

基于现有技术的上述问题,本发明提出一种电器设备温度异常检测模型训练方法,包括:Based on the above problems of the prior art, the present invention proposes a method for training an electrical equipment temperature anomaly detection model, which includes:

利用功率和温度数据集训练深度自编码器;Train deep autoencoders using power and temperature datasets;

对所述深度自编码器根据功率和温度数据获得的重构误差进行核密度估计,以获得所述重构误差的概率密度分布;Perform kernel density estimation on the reconstruction error obtained by the deep autoencoder based on power and temperature data to obtain the probability density distribution of the reconstruction error;

对所述重构误差的概率密度分布执行k均值聚类算法,获得异常值的聚类。A k-means clustering algorithm is performed on the probability density distribution of the reconstruction error to obtain clustering of outliers.

优选地,在利用所述功率和温度数据集训练深度自编码器之前,对所述功率和温度数据集进行数据规整和数据归一。Preferably, before using the power and temperature data set to train the deep autoencoder, data shaping and data normalization are performed on the power and temperature data set.

优选地,将所述异常值的聚类数据标记为严重异常、一般异常和正常。Preferably, the clustered data of the outliers are marked as severe anomalies, general anomalies and normal.

优选地,所述电器设备是不间断电源。Preferably, the electrical device is an uninterruptible power supply.

本发明还提供一种电器设备温度异常检测方法,包括:The invention also provides a method for detecting temperature anomalies in electrical equipment, including:

采集所述电器设备的温度和相应的输出功率;Collect the temperature and corresponding output power of the electrical equipment;

将所采集的温度和输出功率数据输入至上述电器设备温度异常检测模型中,以判断所述电器设备温度是否异常。The collected temperature and output power data are input into the above-mentioned electrical equipment temperature abnormality detection model to determine whether the temperature of the electrical equipment is abnormal.

优选地,如果所述温度和输出功率数据被标记为异常,判断所述温度和输出功率数据为趋势变化异常还是暂时突变异常。Preferably, if the temperature and output power data are marked as abnormal, it is determined whether the temperature and output power data are abnormal in trend change or abnormal in temporary mutation.

优选地,当功率趋势变化异常于温度时,判断所述电器设备的温度传感器的准确性。Preferably, when the power trend changes abnormally with the temperature, the accuracy of the temperature sensor of the electrical device is determined.

优选地,当温度趋势变化异常于功率时,判断所述电器设备的温控系统是否发生故障。Preferably, when the temperature trend changes abnormally with the power, it is determined whether the temperature control system of the electrical equipment fails.

优选地,将被标记为一般异常和严重异常的温度和输出功率数据均进行告警。Preferably, both temperature and output power data marked as general anomalies and severe anomalies are alerted.

优选地,如果所述温度和输出功率数据被标记为严重异常,判断所述电器设备发生故障。Preferably, if the temperature and output power data are marked as serious abnormalities, it is determined that the electrical equipment is faulty.

优选地,对于严重异常中的趋势变化异常的温度和输出功率数据,发出严重告警。Preferably, for temperature and output power data with abnormal trend changes in severe anomalies, a severe alarm is issued.

优选地,在将所采集的温度和输出功率数据输入所述电器设备温度异常检测模型之前,对所述温度和输出功率数据进行数据规整和数据归一。Preferably, before inputting the collected temperature and output power data into the electrical equipment temperature anomaly detection model, data shaping and data normalization are performed on the temperature and output power data.

本发明根据业务需求,以数据驱动的方式设计了一种基于多量化机制的电器设备温度异常检测方法,以温度-功率的时间序列数据作为模型输入,利用无监督深度自动编码器构建时间序列相关KPI之间的关系模型,随后对重构误差进行核密度估计,计算误差分布曲线,以核密度曲线极大值个数作为k-means均值聚类个数,具有较大k近邻距离和方差的聚类数据被定义为异常。According to business needs, the present invention designs a temperature anomaly detection method for electrical equipment based on a multi-quantification mechanism in a data-driven manner. It uses temperature-power time series data as model input and uses an unsupervised deep autoencoder to construct a time series correlation. The relationship model between KPIs, then perform kernel density estimation on the reconstruction error, calculate the error distribution curve, and use the number of maximum values of the kernel density curve as the number of k-means mean clustering, with larger k-nearest neighbor distance and variance Clustered data are defined as anomalies.

本发明的基于多量化机制的电器设备温度异常检测方法以无监督深度学习和自动划分聚类的方式,解决了相互影响的周期性温度-功率数据的离群值判别,实现了暂时突变异常和趋势变化异常的检测,并取得了良好的测试结果。通过对功率变化异常和温度变化异常的检测,为分析关键元器件的功率运行状态,监测温控系统运行状态提供了有力的数据说明。The electrical equipment temperature anomaly detection method based on a multi-quantification mechanism of the present invention uses unsupervised deep learning and automatic clustering to solve the outlier discrimination of mutually influencing periodic temperature-power data, and realizes temporary mutation anomalies and Detection of trend change anomalies and achieved good test results. Through the detection of abnormal power changes and abnormal temperature changes, it provides powerful data explanations for analyzing the power operating status of key components and monitoring the operating status of the temperature control system.

基于数据驱动的温度异常检测方法,在物联网大数据的平台上同样适用于其它存在关联关系KPI之间的异常值检测,在预测性维护场景中具有广泛的用途。The data-driven temperature anomaly detection method is also suitable for outlier detection between other related KPIs on the IoT big data platform, and has a wide range of uses in predictive maintenance scenarios.

附图说明Description of the drawings

图1示出了根据本发明一个实施例的基于多量化机制的UPS温度异常检测方法的框图。Figure 1 shows a block diagram of a UPS temperature anomaly detection method based on a multi-quantization mechanism according to an embodiment of the present invention.

图2示出了深度自编码器的网络结构。Figure 2 shows the network structure of the deep autoencoder.

图3示出了根据本发明一个实施例的数据集D1的温度时间序列曲线。Figure 3 shows the temperature time series curve of the data set D1 according to one embodiment of the present invention.

图4示出了根据本发明一个实施例的数据集D1的输出功率时间序列曲线。Figure 4 shows the output power time series curve of the data set D1 according to one embodiment of the present invention.

图5示出了根据本发明一个实施例的数据集D2的温度时间序列曲线。Figure 5 shows a temperature time series curve of data set D2 according to an embodiment of the present invention.

图6示出了根据本发明一个实施例的数据集D2的输出功率时间序列曲线。Figure 6 shows the output power time series curve of the data set D2 according to one embodiment of the present invention.

图7示出了根据本发明一个实施例的数据集D1的重构结果。Figure 7 shows the reconstruction result of the data set D1 according to one embodiment of the present invention.

图8示出了根据本发明一个实施例的数据集D1的重构误差。Figure 8 shows the reconstruction error of the data set D1 according to one embodiment of the present invention.

图9示出了根据本发明一个实施例的数据集D1的重构结果的一个时间段的切片示意图。Figure 9 shows a schematic slice diagram of a time period of the reconstruction result of the data set D1 according to an embodiment of the present invention.

图10示出了根据本发明一个实施例的数据集D1的重构结果的另一时间段的切片示意图。Figure 10 shows a schematic slice diagram of another time period of the reconstruction result of the data set D1 according to an embodiment of the present invention.

图11示出了根据本发明一个实施例的数据集D2的重构结果。Figure 11 shows the reconstruction result of data set D2 according to one embodiment of the present invention.

图12示出了根据本发明一个实施例的数据集D2的重构误差。Figure 12 shows the reconstruction error of data set D2 according to one embodiment of the present invention.

图13示出了根据本发明一个实施例的数据集D2的重构结果的一个时间段的切片示意图。Figure 13 shows a schematic slice diagram of a time period of the reconstruction result of the data set D2 according to an embodiment of the present invention.

图14示出了根据本发明一个实施例的数据集D2的重构结果的另一时间段的切片示意图。Figure 14 shows a schematic slice diagram of another time period of the reconstruction result of the data set D2 according to an embodiment of the present invention.

图15示出了根据本发明一个实施例的数据集D1的重构误差密度分布。Figure 15 shows the reconstruction error density distribution of the data set D1 according to one embodiment of the present invention.

图16示出了根据本发明一个实施例的数据集D1的重构误差自动聚类。Figure 16 shows automatic clustering of reconstruction errors of data set D1 according to one embodiment of the present invention.

图17示出了根据本发明一个实施例的数据集D2的重构误差密度分布。Figure 17 shows the reconstruction error density distribution of data set D2 according to one embodiment of the present invention.

图18示出了根据本发明一个实施例的数据集D2的重构误差自动聚类。Figure 18 shows automatic clustering of reconstruction errors of data set D2 according to one embodiment of the present invention.

图19示出了在某一时刻功率暂时突变异常于温度的示意图。Figure 19 shows a schematic diagram of a temporary sudden change in power relative to temperature at a certain moment.

图20示出了在某一时刻温度暂时突变异常于功率的示意图。Figure 20 shows a schematic diagram of a temporary sudden change in temperature that is abnormally larger than the power at a certain moment.

图21示出了在某一时刻功率趋势变化异常于温度的示意图。Figure 21 shows a schematic diagram of the power trend changing abnormally with temperature at a certain moment.

图22示出了在某一时刻温度趋势变化异常于功率的示意图。Figure 22 shows a schematic diagram of the temperature trend changing abnormally with the power at a certain moment.

具体实施方式Detailed ways

为了使本发明的目的、技术方案以及优点更加清楚明白,下面将结合附图通过具体实施例对本发明作进一步详细说明。应当注意,本发明给出的实施例仅用于说明,而不限制本发明的保护范围。In order to make the purpose, technical solutions and advantages of the present invention more clear, the present invention will be further described in detail through specific embodiments in conjunction with the accompanying drawings. It should be noted that the embodiments given in the present invention are for illustration only and do not limit the scope of the present invention.

周期性KPI在实际应用中非常普遍,并且与业务相关。电器设备中时间序列的温度、功率、负载率之间相互影响且数据本身存在一定的周期性,采用单一检测模型难以对业务进行准确的分析。本发明从无监督和自动化的异常检测需求出发,提出了一种基于多量化机制的电器设备温度异常检测方法,一种鲁棒的、无监督的KPI异常检测方法。基于多量化机制的电器设备温度异常检测方法先基于深度自动编码器(Deep Auto Encoder,DAE),以温度-功率的时间序列数据作为模型输入,通过深度学习构建时间序列相关KPI之间的关系模型,并重构时间序列数据。随后对重构误差进行核密度估计,计算误差分布曲线,以核密度曲线极大值个数作为k-means均值聚类个数,具有较大k近邻距离和方差的聚类数据被定义为异常,从而实现电器设备温度异常自动检测。Periodic KPIs are very common in practical applications and are business-related. The time series of temperature, power, and load rate in electrical equipment interact with each other and the data itself has a certain periodicity. It is difficult to accurately analyze the business using a single detection model. Starting from the need for unsupervised and automated anomaly detection, the present invention proposes a temperature anomaly detection method for electrical equipment based on a multi-quantification mechanism, a robust and unsupervised KPI anomaly detection method. The temperature anomaly detection method of electrical equipment based on multi-quantification mechanism is first based on Deep Auto Encoder (DAE), using temperature-power time series data as model input, and building a relationship model between time series related KPIs through deep learning. , and reconstruct the time series data. Then the reconstruction error is estimated by kernel density, and the error distribution curve is calculated. The number of maximum values of the kernel density curve is used as the number of k-means mean clusters. Clustered data with larger k-nearest neighbor distance and variance are defined as anomalies. , thereby realizing automatic detection of temperature anomalies in electrical equipment.

在下文中,以UPS为例对本发明的电器设备温度异常检测模型训练方法以及检测方法进行详细说明,但是本领域技术人员应当理解,该方法也可以应用于其他任何的电器设备。In the following, a UPS is taken as an example to describe in detail the electrical equipment temperature anomaly detection model training method and detection method of the present invention. However, those skilled in the art should understand that this method can also be applied to any other electrical equipment.

图1示出了根据本发明一个实施例的基于多量化机制的UPS温度异常检测方法的框图。基于多量化机制的UPS温度异常检测方法包括数据采集101、数据处理102、异常检测模型103以及状态识别104四个部分。其中,数据采集指的是通过UPS内部的物联网(IOT)数据管道采集不同地理位置处的UPS设备运行信息,例如采集某个位置处的温度和相应的输出功率。UPS通常包括多个温度传感器,用于检测IGBT、二极管等元件的温度。数据处理102指的是进行数据规整和数据归一,即对缺失数据的部分进行插值处理,并将所采集的数据进行归一化。异常检测模型103包括深度自编码训练、核密度估计以及均值聚类,用于对处理后的数据进行分析,并获得异常值。状态识别104用于对所获得的异常值进行分类,例如分类为健康状态、暂时突变以及趋势变化。其中,暂时突变异常指的是功率暂时突变异常于温度或者温度暂时突变异常于功率,趋势变化异常指的是功率趋势变化异常于温度或者温度趋势变化异常于功率。下面对异常检测模型103进行详细的描述。Figure 1 shows a block diagram of a UPS temperature anomaly detection method based on a multi-quantization mechanism according to an embodiment of the present invention. The UPS temperature anomaly detection method based on the multi-quantification mechanism includes four parts: data collection 101, data processing 102, anomaly detection model 103 and status identification 104. Among them, data collection refers to collecting UPS equipment operating information at different geographical locations through the Internet of Things (IOT) data pipeline inside the UPS, such as collecting the temperature and corresponding output power at a certain location. UPS usually includes multiple temperature sensors to detect the temperature of IGBTs, diodes and other components. Data processing 102 refers to data shaping and data normalization, that is, interpolating the missing data and normalizing the collected data. The anomaly detection model 103 includes deep autoencoding training, kernel density estimation, and mean clustering, and is used to analyze the processed data and obtain outliers. State identification 104 is used to classify the obtained abnormal values, for example, into healthy states, temporary mutations, and trend changes. Among them, the temporary sudden change abnormality refers to the temporary sudden change of the power that is abnormal to the temperature or the temporary sudden change of the temperature to the power. The abnormal trend change refers to the abnormal change of the power trend to the temperature or the abnormal change of the temperature trend to the power. The anomaly detection model 103 is described in detail below.

深度自编码器:Deep autoencoder:

自编码器(Autoencoder)是一种无监督式学习模型。其使用神经网络来产生高维输入的低维表示,并可以使用非线性激活函数来满足非线性拟合的需求。自编码器包含两个主要的部分,编码器(encoder)和解码器(decoder)。编码器用于发现输入数据的压缩表示,解码器用于重建原始的输入数据。在训练时解码器强迫自编码器选择最有信息量的特征,保存在压缩表示中。Autoencoder is an unsupervised learning model. It uses neural networks to generate low-dimensional representations of high-dimensional inputs, and can use nonlinear activation functions to meet the needs of nonlinear fitting. Autoencoders contain two main parts, encoder and decoder. The encoder is used to discover a compressed representation of the input data, and the decoder is used to reconstruct the original input data. During training, the decoder forces the autoencoder to select the most informative features and save them in the compressed representation.

编码过程对应公式(1),解码过程对应公式(2),而公式(3)用于计算编码与解码过程对应原始数据造成的误差,称为重构误差(reconstruction error),训练的目的就是最小化重构误差。The encoding process corresponds to formula (1), the decoding process corresponds to formula (2), and formula (3) is used to calculate the error caused by the encoding and decoding processes corresponding to the original data, which is called reconstruction error. The purpose of training is to minimize to reduce the reconstruction error.

h=σ(Wxhx+bxh) (1)h=σ(W xh x+b xh ) (1)

z=σ(Whxh+bhx) (2)z=σ(W hx h+b hx ) (2)

‖x-z‖ (3)‖x-z‖ (3)

其中,h为隐藏层,x为输入数据,z为输出数据。隐藏层h的维度比输入层低,解码过程需要根据隐藏层重现输入数据x。这使得自动编码器对具有白噪声的数据具有鲁棒性,并且只捕获数据的有意义的模式。Among them, h is the hidden layer, x is the input data, and z is the output data. The dimensionality of the hidden layer h is lower than that of the input layer, and the decoding process needs to reproduce the input data x according to the hidden layer. This makes the autoencoder robust to data with white noise and only captures meaningful patterns of the data.

深度学习利用人工神经网络的特点,构建具有层次结构的模型。深度自编码器(编码器至少包含一层额外的隐藏层)在给定足够多的隐藏单元的情况下,能以任意精度近似任何从输入到编码的映射。为了实现这种复现,深度自动编码器就必须捕捉可以代表输入数据的最重要的因素,找到可以代表原信息的主要特征。给定无标签数据,用非监督方式学习特征。Deep learning uses the characteristics of artificial neural networks to build models with a hierarchical structure. Deep autoencoders (encoders containing at least one additional hidden layer) can approximate any mapping from input to encoding with arbitrary accuracy given a sufficient number of hidden units. In order to achieve this kind of reproduction, deep autoencoders must capture the most important factors that can represent the input data and find the main features that can represent the original information. Given unlabeled data, learn features in an unsupervised manner.

图2示出了深度自编码器的网络结构。其中,编码器包括多个隐藏层L1,L2…Ln,解码器包括多个隐藏层L1’,L2’…Ln’。输入层输入一个n维的输入数据x,编码器f(x)=q将输入数据x转换成m维的数据形式q,解码器将试图把数据q恢复到原来的维数整个网络可以看成是要g(f(x))和x尽量接近。衡量重构的忠实度(faithfulness)是损失函数L(x,g(f(x)))的值,其值越小,/>就越接近x。因为是无标签数据,当模型中出现异常事件时,由于数据的特征不同,重构误差将会明显增大。Figure 2 shows the network structure of the deep autoencoder. Among them, the encoder includes multiple hidden layers L1, L2...Ln, and the decoder includes multiple hidden layers L1', L2'...Ln'. The input layer inputs an n-dimensional input data x. The encoder f(x)=q converts the input data x into an m-dimensional data form q. The decoder will try to restore the data q to its original dimension. The entire network can be seen as trying to keep g(f(x)) and x as close as possible. Measuring the fidelity of reconstruction is the value of the loss function L(x,g(f(x))). The smaller the value,/> The closer to x. Because it is unlabeled data, when abnormal events occur in the model, the reconstruction error will increase significantly due to different characteristics of the data.

核密度估计:Kernel density estimation:

核密度估计(Kernel density estimation)是一种用于估计概率密度函数的非参数方法,其完全利用数据本身信息,对数据分布不附加任何假定,从而能够对样本数据进行最大程度的近似。{X1,X2,X3,...,Xn}为独立同分布F的n个样本点,设其概率密度函数为f,核密度估计为:Kernel density estimation is a non-parametric method for estimating the probability density function. It completely uses the information of the data itself and does not attach any assumptions to the data distribution, so that it can approximate the sample data to the greatest extent. {X 1 , X 2 , X 3 ,...,

其中,K(x)为核函数(非负、积分为1、符合概率密度性质并且均值为0),其例如可以是高斯核函数、三角核函数、伊潘涅切科夫(Epanechnikov)核函数等。其中,h>0,为平滑参数,称作带宽(bandwidth)。Kh(x)=1/h·K(x/h),为缩放核函数(scaled Kernel)。Among them, K(x) is a kernel function (non-negative, integral is 1, conforms to probability density properties and has a mean value of 0), which can be, for example, a Gaussian kernel function, a trigonometric kernel function, or an Epanechnikov kernel function. wait. Among them, h>0 is the smoothing parameter, called bandwidth. K h (x) = 1/h·K (x/h), which is the scaled kernel function.

在样本集给定的情况下,对于h的选择可以使用最小化L2风险函数(即平均积分平方误差,mean intergrated squared error)。Given a given sample set, the choice of h can be made by minimizing the L2 risk function (mean integrated squared error).

在弱假设下,MISE(h)=AMISE(h)+o(1/(nh)+h/4),其中AMISE为渐进的MISE。而AMISE有:Under the weak assumption, MISE(h)=AMISE(h)+o(1/(nh)+h/4), where AMISE is asymptotic MISE. And AMISE has:

其中:in:

R(K)=∫K(x)2dx,m2(K)=∫x2K(x)dx (7)R(K)=∫K(x) 2 dx,m 2 (K)=∫x 2 K(x)dx (7)

为了使MISE(h)最小,转化为求极点问题:In order to minimize MISE(h), it is transformed into a pole finding problem:

得到:get:

当核函数确定之后,公式(9)中的R、m、f都可以确定下来,h便存在解析解。如果使用高斯核函数进行核密度估计,则h的最优选择(即使平均积分平方误差最小化的带宽)为:When the kernel function is determined, R, m, and f in formula (9) can all be determined, and h will have an analytical solution. If a Gaussian kernel function is used for kernel density estimation, the optimal choice of h (that is, the bandwidth that minimizes the mean integrated squared error) is:

这里是样本的标准差。这种近似称为正态分布近似、高斯近似、或Silverman(1986)经验法则。here is the standard deviation of the sample. This approximation is called the normal distribution approximation, Gaussian approximation, or Silverman's (1986) rule of thumb.

核密度估计采用平滑的峰值函数(“核”)来拟合观察到的数据点,从而对真实的概率分布曲线进行拟合。在了解概率分布的情况下,如果某一个数在观察中出现了,可以认为这个数的概率密度很大,和这个数比较近的数的概率密度也会比较大,而那些离这个数远的数的概率密度会比较小。核密度估计在估计边界区域的时候会出现边界效应,因此基于概率密度的聚类算法可以通过样本分布的紧密程度确定,以数据集在空间分布上的稠密程度为依据,根据密度边界进行划分聚类。Kernel density estimation uses a smooth peak function ("kernel") to fit the observed data points, thereby fitting a true probability distribution curve. Under the condition of understanding the probability distribution, if a certain number appears in observation, it can be considered that the probability density of this number is very large, and the probability density of numbers that are closer to this number will also be relatively large, and those that are far away from this number will also have a relatively large probability density. The probability density of numbers will be relatively small. Kernel density estimation will have boundary effects when estimating boundary areas. Therefore, the clustering algorithm based on probability density can be determined by the tightness of the sample distribution. Based on the density of the data set in the spatial distribution, the clustering can be divided according to the density boundary. kind.

k-means聚类算法:k-means clustering algorithm:

k-means聚类算法又名k均值聚类算法。对于给定的n个样本的数据集(无标签),给定聚类(簇)的个数k(k<n),初始化每个样本所属的类别,再根据距离的不同,将每个样本分配到距离最近的中心点的簇中,然后再迭代更新类簇中心点位置,直到达到终止条件为止。k-means clustering algorithm is also known as k-means clustering algorithm. For a given data set of n samples (unlabeled), given the number of clusters k (k<n), initialize the category to which each sample belongs, and then classify each sample according to the distance. Assign it to the cluster with the nearest center point, and then iteratively update the cluster center point position until the termination condition is reached.

实现k-means算法的主要三点为:The main three points to implement the k-means algorithm are:

(1)簇个数k的选择(1) Selection of the number of clusters k

k的选择一般是按照实际需求进行决定,在本发明的基于多量化机制的UPS温度异常检测方法中根据核密度估计的极大值个数给定k值。The selection of k is generally determined according to actual needs. In the UPS temperature anomaly detection method based on the multi-quantization mechanism of the present invention, the k value is given based on the number of maximum values estimated by the kernel density.

(2)各个样本点到“簇中心”的距离(2) The distance between each sample point and the "cluster center"

给定数据样本X,包含了n个对象{X1,X2,X3,...,Xn},其中每个对象都具有m个维度的属性。K-means算法的目标是将n个对象依据对象间的相似性聚集到指定的k个类簇中,每个对象属于且仅属于一个其到类簇中心距离最小的类簇中。对于k-means算法,首先需要初始化k个聚类中心{C1,C2,C3,...,Ck},1<k≤n,然后计算每一个对象到每一个聚类中心的欧式距离。A given data sample X contains n objects {X 1 , X 2 , X 3 ,..., X n }, where each object has attributes of m dimensions. The goal of the K-means algorithm is to cluster n objects into specified k clusters based on the similarity between objects. Each object belongs to and only belongs to one cluster with the smallest distance to the cluster center. For the k-means algorithm, you first need to initialize k cluster centers {C 1 , C 2 , C 3 ,..., C k }, 1<k≤n, and then calculate the distance from each object to each cluster center Euclidean distance.

上式中,Xi表示第i个对象(1≤i≤n),Cj表示第j个聚类中心(1≤j≤k),Xit表示第i个对象的第t个属性(1≤t≤m),Cjt表示第j个聚类中心的第t个属性。In the above formula, X i represents the i-th object (1≤i≤n), Cj represents the j-th cluster center (1≤j≤k), and t≤m), C jt represents the t-th attribute of the j-th cluster center.

(3)根据新划分的簇,更新“簇中心”(3) Update the "cluster center" according to the newly divided clusters

对于划分好的各个簇,计算各个簇中的样本点均值,将其均值作为新的簇中心。K-means算法用中心定义了类簇的原型,类簇中心就是类簇内所有对象在各个维度的均值,其计算公式如下:For each divided cluster, calculate the mean value of the sample points in each cluster, and use its mean value as the new cluster center. The K-means algorithm uses the center to define the prototype of the cluster. The cluster center is the mean value of all objects in the cluster in each dimension. Its calculation formula is as follows:

式中,Ct表示第l个聚类的中心(1≤l≤k),∣Sl∣表示第l个类簇中对象的个数,Xi表示第l个类簇中第i个对象(1≤i≤∣Sl∣)。依次比较每一个对象到每一个聚类中心的距离,将对象分配到距离最近的聚类中心的类簇中,得到k个类簇{S1,S2,S3,...,Sk}。In the formula, C t represents the center of the l-th cluster (1≤l≤k), ∣S l∣ represents the number of objects in the l-th cluster, and X i represents the i-th object in the l-th cluster. (1≤i≤∣S l∣ ). Compare the distance between each object and each cluster center in turn, and assign the object to the cluster with the closest cluster center, obtaining k clusters {S 1 , S 2 , S 3 ,..., S k }.

基于上述内容,本发明提供一种基于多量化机制的不间断电源温度异常检测模型训练方法,所述方法包括如下步骤:Based on the above content, the present invention provides a method for training an uninterruptible power supply temperature anomaly detection model based on a multi-quantization mechanism. The method includes the following steps:

步骤101:利用功率和温度数据集训练深度自编码器。Step 101: Train a deep autoencoder using the power and temperature datasets.

通常,可以通过内部IOT数据管道采集不同地理位置处的UPS设备运行信息,例如采集某个部件的温度和相应部件的输出功率。UPS通常包括多个温度传感器,用于检测IGBT、二极管等元件的温度。在该模型训练方法中,IOT提供2个维护良好的UPS数据集,数据集D1和D2。每个数据集中各有2个月5分钟间隔的设备运行时间序列,包含温度、相应的输出功率等KPI。温度和功率数据均没有用于表示正常或异常的标签信息。由于UPS设备均正常运行,健康数据的比例远大于异常数据,因此数据不平衡。图3和图4分别示出了数据集D1的温度和输出功率时间序列曲线;以及图5和图6分别示出了数据集D2的温度和输出功率时间序列曲线。Usually, UPS equipment operating information at different geographical locations can be collected through internal IOT data pipelines, such as collecting the temperature of a certain component and the output power of the corresponding component. UPS usually includes multiple temperature sensors to detect the temperature of IGBTs, diodes and other components. In this model training method, IOT provides 2 well-maintained UPS data sets, data sets D1 and D2. Each data set contains equipment operation time series at 5-minute intervals for 2 months, including KPIs such as temperature and corresponding output power. Temperature and power data have no tag information to indicate normal or abnormal. Since all UPS devices are running normally, the proportion of healthy data is much larger than the abnormal data, so the data is unbalanced. Figures 3 and 4 respectively show the temperature and output power time series curves of the data set D1; and Figures 5 and 6 respectively show the temperature and output power time series curves of the data set D2.

用数据集D1和D2的全部样本做训练集,并设置如下参数来构建深度自编码器。输入和输出层维度大小为2,各采用2个神经元表示;隐藏层采用3层结构对输入数据进行放大和压缩,第一层采用3个神经元,第二层采用2个神经元,第三层采用3个神经元。编码器隐藏层中使用ReLU作为激活函数,在解码器隐藏层中使用Sigmoid作为激活函数,神经网络使用adadelta梯度优化器和binary_crossentropy损失函数,以欧几里德距离作为时间序列数据的重构误差。神经网络自动学习数据集D1和D2中的大部分数据的规律,最小化重构误差。当模型中出现异常事件时,重构误差将会明显增大。图7-图14示出了深度自编码器学习温度-功率关联关系的重构结果以及重构误差。Use all samples of data sets D1 and D2 as training sets, and set the following parameters to build a deep autoencoder. The input and output layer dimensions are 2, each represented by 2 neurons; the hidden layer uses a 3-layer structure to amplify and compress the input data, with the first layer using 3 neurons, the second layer using 2 neurons, and the hidden layer using 3 neurons. The third layer uses 3 neurons. ReLU is used as the activation function in the encoder hidden layer, Sigmoid is used as the activation function in the decoder hidden layer, the neural network uses the adadelta gradient optimizer and the binary_crossentropy loss function, and the Euclidean distance is used as the reconstruction error of the time series data. The neural network automatically learns the patterns of most of the data in data sets D1 and D2 and minimizes the reconstruction error. When abnormal events occur in the model, the reconstruction error will increase significantly. Figures 7 to 14 show the reconstruction results and reconstruction errors of the temperature-power correlation relationship learned by the deep autoencoder.

步骤102:对深度自编码器根据功率和温度数据获得的重构误差进行核密度估计,获得重构误差的概率密度分布。数据集D1和D2的重构误差概率密度分布分别如图15和图17所示。Step 102: Perform kernel density estimation on the reconstruction error obtained by the deep autoencoder based on the power and temperature data to obtain the probability density distribution of the reconstruction error. The reconstruction error probability density distributions of data sets D1 and D2 are shown in Figure 15 and Figure 17 respectively.

可以在深度自编码器训练完成后,将上述功率和温度数据集重新输入至深度自编码器中,并将所得到的重构误差进行核密度估计;也可以将另外的功率和温度数据集输入至深度自编码器中,并将所得到的重构误差进行核密度估计。After the training of the deep autoencoder is completed, the above power and temperature data sets can be re-entered into the deep autoencoder, and the resulting reconstruction error can be estimated by kernel density; other power and temperature data sets can also be input. into the deep autoencoder, and perform kernel density estimation on the resulting reconstruction error.

步骤103:对所获得的概率密度分布执行k均值聚类算法,获得异常值的聚类。Step 103: Execute k-means clustering algorithm on the obtained probability density distribution to obtain clustering of outliers.

以数据集D1和D2的重构误差概率密度分布的极大值个数作为划分依据,通过k-means聚类算法分别划分4个聚类。使用k近邻距离和方差大小将聚类结果进行异常等级划分,标记为严重异常和一般异常,最边远的聚类数据异常等级为严重异常,较边远的聚类数据异常等级为一般异常。图16和图18分别示出了数据集D1和D2的重构误差自动聚类结果。分为四个聚类,cn1-cn4。图16和图18中的聚类cn4为最边远的聚类数据,标记为严重异常。图16和图18中的聚类cn2为较边远的聚类数据,标记为一般异常。图16和图18中的聚类cn1和聚类cn3靠近中心,标记为正常。Using the number of maximum values of the reconstruction error probability density distribution of data sets D1 and D2 as the basis for division, four clusters were divided respectively through the k-means clustering algorithm. The k-nearest neighbor distance and variance size are used to divide the clustering results into abnormal levels, marked as serious anomalies and general anomalies. The abnormality level of the most remote clustering data is serious anomaly, and the anomaly level of more remote clustering data is general anomaly. Figures 16 and 18 show the automatic clustering results of reconstruction errors for data sets D1 and D2 respectively. Divided into four clusters, cn1-cn4. Cluster cn4 in Figure 16 and Figure 18 is the most remote cluster data and is marked as a serious anomaly. Cluster cn2 in Figures 16 and 18 is more remote cluster data and is marked as a general anomaly. Cluster cn1 and cluster cn3 in Figure 16 and Figure 18 are close to the center and marked as normal.

异常检测包括区分异常状态和健康状态,或者在出现异常状态时确定异常源。在许多情况下,只有健康机器的测量值可用。本发明的基于多量化机制的不间断电源温度异常检测模型训练方法,使用从系统数据中提取的输出功率指标和环境温度指标来训练决策模型,该异常检测模型可以分析从测试数据中提取的指标以确定当前系统状态。Anomaly detection involves distinguishing abnormal states from healthy states, or determining the source of the anomaly when an abnormal state occurs. In many cases, only measurements from healthy machines are available. The method for training an uninterruptible power supply temperature anomaly detection model based on a multi-quantification mechanism of the present invention uses output power indicators and ambient temperature indicators extracted from system data to train a decision-making model. The anomaly detection model can analyze indicators extracted from test data. to determine the current system status.

本发明还提供一种基于多量化机制的不间断电源温度异常检测方法,其使用上述的不间断电源温度异常检测模型进行温度异常检测,所述方法包括如下步骤:The present invention also provides an uninterruptible power supply temperature anomaly detection method based on a multi-quantification mechanism, which uses the above-mentioned uninterruptible power supply temperature anomaly detection model to perform temperature anomaly detection. The method includes the following steps:

步骤201:采集所述不间断电源的温度和相应的输出功率;Step 201: Collect the temperature and corresponding output power of the uninterruptible power supply;

步骤202:将所采集的温度和输出功率输入至上述温度异常检测模型中,以判断所述不间断电源温度是否异常;Step 202: Input the collected temperature and output power into the above-mentioned temperature abnormality detection model to determine whether the temperature of the uninterruptible power supply is abnormal;

步骤203:如果所述温度和输出功率数据被标记为严重异常,判断所述不间断电源发生故障。Step 203: If the temperature and output power data are marked as serious abnormalities, determine that the uninterruptible power supply has failed.

时间序列的异常检测表示为相对于标准信号的离群点。UPS中只关注业务中最重要的类型,在异常值中(例如聚类cn4(严重异常)和cn2(一般异常)中),UPS温度-功率异常主要分为以下两种:Anomaly detection in time series expressed as outliers relative to a standard signal. UPS only focuses on the most important types of business. Among outliers (such as clusters cn4 (serious anomalies) and cn2 (general anomalies)), UPS temperature-power anomalies are mainly divided into the following two types:

暂时突变异常:异常值在某一时刻T干扰发生时具有一定初始效应,此后随时间衰减并趋于正常。如图19所示,功率暂时突变异常于温度;以及图20所示,温度暂时突变异常于功率。Temporary mutation anomaly: The abnormal value has a certain initial effect when T interference occurs at a certain moment, and then decays over time and tends to normal. As shown in FIG. 19 , the temporary sudden change of power is abnormal to the temperature; and as shown in FIG. 20 , the temporary sudden change of temperature is abnormal to the power.

趋势变化异常:异常值的干扰是在某一时刻T,系统的结构发生了变化,并持续影响T时刻以后的所有行为,在数列上往往表现出T时刻前后的序列均值发生水平位移。如图21所示,功率趋势变化异常于温度,可进一步分析温度传感器的准确性。如图22所示,温度趋势变化异常于功率,尤其是温度趋势升高,对设备健康检测尤为重要,可进一步分析是否温控系统发生故障。Abnormal trend changes: The interference of outliers is that at a certain time T, the structure of the system changes, and continues to affect all behaviors after time T. The sequence often shows a horizontal shift in the mean value of the sequence before and after time T. As shown in Figure 21, the power trend changes abnormally with temperature, and the accuracy of the temperature sensor can be further analyzed. As shown in Figure 22, the temperature trend changes abnormally with the power, especially the temperature trend increases, which is particularly important for equipment health detection, and can further analyze whether the temperature control system has failed.

如果温度和输出功率数据被标记为严重异常,则判断不间断电源发生故障。一般异常和严重异常的数据中均可能包含暂时突变异常和趋势变化异常,严重异常中的趋势变化异常通常更为严重,因此,对于严重异常中的趋势变化异常的数据,发出严重告警。If the temperature and output power data are marked as serious abnormalities, the uninterruptible power supply is judged to have failed. Both general abnormality and severe abnormality data may contain temporary mutation anomalies and trend change anomalies. The trend change anomalies in severe anomalies are usually more serious. Therefore, a serious alarm is issued for data with abnormal trend changes in severe anomalies.

根据异常检测结果的划分等级,制定敏感性策略和准确性策略。对于敏感性策略,将一般异常和严重异常都作为异常数据进行告警;对于准确性策略,只关注严重异常的数据,分析即将可能发生故障的可能性。异常检测策略把每个时间点标记为健康/异常以及标记异常程度。Develop sensitivity strategies and accuracy strategies based on the classification of abnormal detection results. For the sensitivity strategy, both general anomalies and severe anomalies are treated as abnormal data for alarming; for the accuracy strategy, only severely abnormal data is focused on and the possibility of an imminent failure is analyzed. The anomaly detection strategy marks each time point as healthy/abnormal and marks the degree of abnormality.

UPS异常检测的数据集是不平衡数据集,正常数据比例远大于异常数据,根据业务需求,采用精确率作为分类模型的评估指标。异常检测结果可分为两类:真阳性(TP)、假阳性(FP)。其中,TP表示归类为异常的实际异常,而FP表示将正常实例分类为异常类型。精确率P(Precision)表示正确预测的百分比:The UPS anomaly detection data set is an unbalanced data set, and the proportion of normal data is much larger than the abnormal data. According to business needs, accuracy is used as the evaluation index of the classification model. Abnormal detection results can be divided into two categories: true positive (TP) and false positive (FP). Among them, TP represents the actual anomalies classified as anomalies, while FP represents the classification of normal instances into anomaly types. Precision P (Precision) represents the percentage of correct predictions:

P=TP/(TP+FP) (13)P=TP/(TP+FP) (13)

内部IOT数据管道提供的数据集均无标签,没有对原始数据的健康状态进行标记,而UPS温度异常检测算法关注业务中最重要的暂时突变异常和趋势变化异常,通过回溯数据的办法,符合上述异常类型的数据均标记为异常。本发明的温度异常检测方法对于数据集D1和D2,及其一般异常G和严重异常S的聚类分别进行分类评价,其结果如下表1所示。The data sets provided by the internal IOT data pipeline are unlabeled, and the health status of the original data is not marked. The UPS temperature anomaly detection algorithm focuses on the most important temporary mutation anomalies and trend change anomalies in the business. By backtracking the data, it is consistent with the above Exception type data are marked as exceptions. The temperature anomaly detection method of the present invention performs classification and evaluation on the data sets D1 and D2, and the clusters of general anomalies G and severe anomalies S respectively. The results are shown in Table 1 below.

表1.温度异常检测方法对于不同数据集的异常检测结果Table 1. Anomaly detection results of temperature anomaly detection methods for different data sets

聚类clustering 异常abnormal 精确率Accuracy D1_cn4D1_cn4 SS 11 D2_cn4D2_cn4 SS 11 D1_cn2D1_cn2 GG 0.310.31 D2_cn2D2_cn2 GG 0.280.28

从表1可以看出,基于多量化机制的UPS温度异常检测方法对于严重异常S的聚类均取得了较高的精确率。对于一般异常G的检测结果表明,聚类样本中混杂着一定数量的异常样本,经原始数据比对发现该聚类样本中同时存在模型误差、异常、正常等数据点,样本可能处于临界状态。As can be seen from Table 1, the UPS temperature anomaly detection method based on the multi-quantification mechanism has achieved a high accuracy rate in clustering serious abnormal S. The detection results of general anomaly G show that there are a certain number of abnormal samples mixed in the clustered samples. After comparing the original data, it is found that there are model errors, abnormal, normal and other data points in the clustered samples at the same time, and the sample may be in a critical state.

电器设备运行时的设备温度数据存在日周期特征,同时受用电行为的影响,负载增大、功率升高时温度迅速升高,功率降低时,受温控系统影响,温度明显下降。本发明的异常检测算法先通过深度自编码网络构建温度-功率的时间序列模型,无监督的学习温度-功率关联关系。采用非参数的核密度估计方法,计算温度和功率时间序列重构误差的分布密度,以概率曲线极大值个数作为k-means均值聚类个数。均值聚类算法将较大k近邻距离和方差的聚类数据定义为异常状态。基于多量化机制的电器设备温度异常检测算法,以无监督的学习方式构建关联关系,并采用自动化的手段识别异常数据。Equipment temperature data when electrical equipment is running has daily cycle characteristics, and is affected by power consumption behavior. When the load increases and the power increases, the temperature rises rapidly. When the power decreases, the temperature drops significantly due to the influence of the temperature control system. The anomaly detection algorithm of the present invention first constructs a temperature-power time series model through a deep autoencoding network, and unsupervised learning of the temperature-power correlation relationship. The non-parametric kernel density estimation method is used to calculate the distribution density of the temperature and power time series reconstruction errors, and the number of maximum values of the probability curve is used as the number of k-means mean clusters. The mean clustering algorithm defines clustered data with larger k-nearest neighbor distance and variance as abnormal states. An electrical equipment temperature anomaly detection algorithm based on a multi-quantification mechanism uses unsupervised learning to build correlations and uses automated means to identify abnormal data.

异常值检测是预测性维护中的关键任务,设计良好的异常检测策略可以提高设备运行的可靠性。本发明的基于多量化机制的电器设备温度异常检测算法不需要事先得到正常和异常点标签,可以直接从数据点推断出相对于其他点的异常程度。这在异常检测中很方便,因为异常/异常值的特征通常事先不知道。本发明从业务需求出发,以数据驱动的方式,设计了基于多量化机制的电器设备温度异常检测算法,使用无监督的深度学习模型和自动化的异常聚类方法,实现暂时突变异常和趋势变化异常的检测,解决了相互影响的周期性温度-功率的离群值判别,并取得了良好的分类结果,为进一步分析设备故障原因和预测故障趋势奠定了数据基础。Outlier detection is a key task in predictive maintenance, and a well-designed anomaly detection strategy can improve the reliability of equipment operation. The electrical equipment temperature anomaly detection algorithm based on the multi-quantification mechanism of the present invention does not need to obtain normal and abnormal point labels in advance, and can directly infer the degree of abnormality relative to other points from the data points. This is convenient in anomaly detection since the characteristics of anomalies/outliers are often not known in advance. Starting from business needs and in a data-driven manner, the present invention designs a temperature anomaly detection algorithm for electrical equipment based on a multi-quantification mechanism, using an unsupervised deep learning model and an automated anomaly clustering method to achieve temporary mutation anomalies and trend change anomalies. The detection solves the problem of outlier discrimination of mutually influencing periodic temperature-power, and achieves good classification results, laying a data foundation for further analysis of equipment failure causes and prediction of failure trends.

虽然本发明已经通过优选实施例进行了描述,然而本发明并非局限于这里所描述的实施例,在不脱离本发明范围的情况下还包括所作出的各种改变以及变化。Although the present invention has been described through preferred embodiments, the present invention is not limited to the embodiments described here and includes various modifications and variations without departing from the scope of the present invention.

Claims (12)

1.一种电器设备温度异常检测模型训练方法,包括:1. A method for training an electrical equipment temperature anomaly detection model, including: 利用功率和温度数据集训练深度自编码器;Train deep autoencoders using power and temperature datasets; 对所述深度自编码器根据功率和温度数据获得的重构误差进行核密度估计,以获得所述重构误差的概率密度分布;Perform kernel density estimation on the reconstruction error obtained by the deep autoencoder based on power and temperature data to obtain the probability density distribution of the reconstruction error; 对所述重构误差的概率密度分布执行k均值聚类算法,获得异常值的聚类。A k-means clustering algorithm is performed on the probability density distribution of the reconstruction error to obtain clustering of outliers. 2.根据权利要求1所述的电器设备温度异常检测模型训练方法,其中,在利用所述功率和温度数据集训练深度自编码器之前,对所述功率和温度数据集进行数据规整和数据归一。2. The electrical equipment temperature anomaly detection model training method according to claim 1, wherein before using the power and temperature data set to train the deep autoencoder, data shaping and data normalization are performed on the power and temperature data set. one. 3.根据权利要求1所述的电器设备温度异常检测模型训练方法,其中,将所述异常值的聚类数据标记为严重异常、一般异常和正常。3. The electrical equipment temperature anomaly detection model training method according to claim 1, wherein the clustered data of the abnormal values is marked as serious abnormality, general abnormality and normal. 4.根据权利要求1-3中任一项所述的电器设备温度异常检测模型训练方法,其中,所述电器设备是不间断电源。4. The electrical equipment temperature anomaly detection model training method according to any one of claims 1 to 3, wherein the electrical equipment is an uninterruptible power supply. 5.一种电器设备温度异常检测方法,包括:5. A method for detecting temperature anomalies in electrical equipment, including: 采集所述电器设备的温度和相应的输出功率;Collect the temperature and corresponding output power of the electrical equipment; 将所采集的温度和输出功率数据输入至权利要求1-4中任一项所得到的电器设备温度异常检测模型中,以判断所述电器设备温度是否异常。The collected temperature and output power data are input into the electrical equipment temperature abnormality detection model obtained in any one of claims 1-4 to determine whether the temperature of the electrical equipment is abnormal. 6.根据权利要求5所述的电器设备温度异常检测方法,其中,如果所述温度和输出功率数据被标记为异常,判断所述温度和输出功率数据为趋势变化异常还是暂时突变异常。6. The electrical equipment temperature abnormality detection method according to claim 5, wherein if the temperature and output power data are marked as abnormal, it is determined whether the temperature and output power data are abnormal trend changes or temporary mutation abnormalities. 7.根据权利要求6所述的电器设备温度异常检测方法,其中,当功率趋势变化异常于温度时,判断所述电器设备的温度传感器的准确性。7. The temperature anomaly detection method of electrical equipment according to claim 6, wherein when the power trend changes abnormally with the temperature, the accuracy of the temperature sensor of the electrical equipment is determined. 8.根据权利要求6所述的电器设备温度异常检测方法,其中,当温度趋势变化异常于功率时,判断所述电器设备的温控系统是否发生故障。8. The temperature anomaly detection method of electrical equipment according to claim 6, wherein when the temperature trend changes abnormally with the power, it is determined whether the temperature control system of the electrical equipment fails. 9.根据权利要求5所述的电器设备温度异常检测方法,其中,将被标记为一般异常和严重异常的温度和输出功率数据均进行告警。9. The method for detecting temperature anomalies in electrical equipment according to claim 5, wherein the temperature and output power data marked as general anomalies and severe anomalies are both alarmed. 10.根据权利要求9所述的电器设备温度异常检测方法,其中,如果所述温度和输出功率数据被标记为严重异常,判断所述电器设备发生故障。10. The electrical equipment temperature abnormality detection method according to claim 9, wherein if the temperature and output power data are marked as serious abnormalities, it is determined that the electrical equipment is faulty. 11.根据权利要求9所述的电器设备温度异常检测方法,其中,对于严重异常中的趋势变化异常的温度和输出功率数据,发出严重告警。11. The electrical equipment temperature anomaly detection method according to claim 9, wherein a serious alarm is issued for temperature and output power data with abnormal trend changes in severe anomalies. 12.根据权利要求5-11中任一项所述的电器设备温度异常检测方法,其中,在将所采集的温度和输出功率数据输入所述电器设备温度异常检测模型之前,对所述温度和输出功率数据进行数据规整和数据归一。12. The electrical equipment temperature anomaly detection method according to any one of claims 5-11, wherein before inputting the collected temperature and output power data into the electrical equipment temperature anomaly detection model, the temperature and The output power data is subjected to data shaping and data normalization.
CN202210367426.5A 2022-04-08 2022-04-08 Training method and detection method for temperature anomaly detection model of electrical equipment Pending CN116956089A (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN202210367426.5A CN116956089A (en) 2022-04-08 2022-04-08 Training method and detection method for temperature anomaly detection model of electrical equipment

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN202210367426.5A CN116956089A (en) 2022-04-08 2022-04-08 Training method and detection method for temperature anomaly detection model of electrical equipment

Publications (1)

Publication Number Publication Date
CN116956089A true CN116956089A (en) 2023-10-27

Family

ID=88458847

Family Applications (1)

Application Number Title Priority Date Filing Date
CN202210367426.5A Pending CN116956089A (en) 2022-04-08 2022-04-08 Training method and detection method for temperature anomaly detection model of electrical equipment

Country Status (1)

Country Link
CN (1) CN116956089A (en)

Cited By (2)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN117744013A (en) * 2024-02-20 2024-03-22 深圳市联明电源股份有限公司 Detection system and detection method for power supply electronic components
CN119199350A (en) * 2024-10-30 2024-12-27 中建五局第三建设有限公司 A method for processing electromechanical equipment operation energy consumption data based on big data

Cited By (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN117744013A (en) * 2024-02-20 2024-03-22 深圳市联明电源股份有限公司 Detection system and detection method for power supply electronic components
CN117744013B (en) * 2024-02-20 2024-04-19 深圳市联明电源股份有限公司 Detection system and detection method for power supply electronic components
CN119199350A (en) * 2024-10-30 2024-12-27 中建五局第三建设有限公司 A method for processing electromechanical equipment operation energy consumption data based on big data

Similar Documents

Publication Publication Date Title
CN110263846A (en) The method for diagnosing faults for being excavated and being learnt based on fault data depth
CN113742387A (en) Data processing method, device and computer readable storage medium
US7930122B2 (en) Evaluating anomaly for one-class classifiers in machine condition monitoring
CN118536048B (en) Switchgear insulation status monitoring and management system
CN116956189B (en) Current abnormality detection system, method, electronic equipment and medium
CN116956089A (en) Training method and detection method for temperature anomaly detection model of electrical equipment
CN110297469A (en) The production line fault judgment method of Ensemble feature selection algorithm based on resampling
CN116204825A (en) A data-driven fault detection method for production line equipment
CN117972596A (en) A risk prediction method based on operation log
CN116484289A (en) A carbon emission abnormal data detection method, terminal and storage medium
Ventura et al. A new unsupervised predictive-model self-assessment approach that SCALEs
CN116383747A (en) Anomaly Detection Method Based on Multi-Timescale Deep Convolutional Generative Adversarial Networks
CN116720095A (en) An electrical characteristic signal clustering method based on genetic algorithm optimization of fuzzy C-means
CN118859037B (en) A method for power equipment fault analysis based on multi-source data fusion
Hinojosa-Palafox et al. A novel unsupervised anomaly detection framework for early fault detection in complex industrial settings
CN118917390B (en) Service knowledge base management system and method based on knowledge big model
CN118396606B (en) A method for optimizing manufacturing product production based on multimodal large models
CN119375811A (en) An intelligent fault judgment system for electric energy meter verification
CN113377630A (en) Universal KPI anomaly detection framework implementation method
Yu et al. A hybrid learning-based model for on-line monitoring and diagnosis of out-of-control signals in multivariate manufacturing processes
CN115310529B (en) A wastewater treatment fault monitoring method based on manifold learning
CN114863178A (en) Image data input detection method and system for neural network vision system
CN118053218B (en) Method, device and system for detecting computer board card
Wen et al. Deep Sequence Multi-distribution Adversarial Model for Abnormal Condition Detection in Industry
Benatia et al. Fault diagnosis using deep neural networks for industrial alarm sequence clustering

Legal Events

Date Code Title Description
PB01 Publication
PB01 Publication
SE01 Entry into force of request for substantive examination
SE01 Entry into force of request for substantive examination