Movatterモバイル変換


[0]ホーム

URL:


CN119669967A - A method and system for detecting abnormality in substation monitoring data based on deep learning - Google Patents

A method and system for detecting abnormality in substation monitoring data based on deep learning
Download PDF

Info

Publication number
CN119669967A
CN119669967ACN202411730541.XACN202411730541ACN119669967ACN 119669967 ACN119669967 ACN 119669967ACN 202411730541 ACN202411730541 ACN 202411730541ACN 119669967 ACN119669967 ACN 119669967A
Authority
CN
China
Prior art keywords
deep learning
data
features
substation monitoring
feature
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
CN202411730541.XA
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.)
Liaocheng Power Supply Co of State Grid Shandong Electric Power Co Ltd
Original Assignee
Liaocheng Power Supply Co of State Grid Shandong Electric Power 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 Liaocheng Power Supply Co of State Grid Shandong Electric Power Co LtdfiledCriticalLiaocheng Power Supply Co of State Grid Shandong Electric Power Co Ltd
Priority to CN202411730541.XApriorityCriticalpatent/CN119669967A/en
Publication of CN119669967ApublicationCriticalpatent/CN119669967A/en
Pendinglegal-statusCriticalCurrent

Links

Classifications

Landscapes

Abstract

Translated fromChinese

本发明公开了一种基于深度学习的变电站监控数据异常检测方法和系统,主要涉及电力数据处理与监控技术领域。包括以下步骤:对变电站监控系统中采集的原始数据进行预处理和特征提取;在特征提取完成后,采用深度学习算法对提取的特征进行分析处理,识别出数据中的异常点或异常模式;对已构建好的深度学习算法模型进行超参数优化;将异常检测结果以可视化的方式输出。本发明的有益效果在于:它能实现对变电站监控数据的快速、准确异常检测,为变电站的安全稳定运行提供有力保障。

The present invention discloses a method and system for detecting abnormalities in substation monitoring data based on deep learning, which mainly relates to the field of power data processing and monitoring technology. The method comprises the following steps: preprocessing and feature extraction of the raw data collected in the substation monitoring system; after the feature extraction is completed, using a deep learning algorithm to analyze and process the extracted features to identify abnormal points or abnormal patterns in the data; performing hyperparameter optimization on the constructed deep learning algorithm model; and outputting the abnormality detection results in a visual manner. The beneficial effect of the present invention is that it can realize fast and accurate abnormality detection of substation monitoring data, and provide strong guarantee for the safe and stable operation of the substation.

Description

Transformer substation monitoring data anomaly detection method and system based on deep learning
Technical Field
The invention relates to the technical field of power data processing and monitoring, in particular to a transformer substation monitoring data anomaly detection method and system based on deep learning.
Background
With the rapid development of smart grids, a transformer substation is used as a core component of a power system, and safe and stable operation of the transformer substation is important for guaranteeing the reliability and stability of power supply. The substation monitoring data is used as an important information source for reflecting the operation state of the substation, contains a large amount of real-time and historical data, contains rich operation state information, and can also hide various abnormal or fault signals. Therefore, how to efficiently and accurately extract useful information from mass monitoring data and timely discover and process potential anomalies becomes an important challenge for operation and maintenance management of the current transformer substation. The traditional transformer substation monitoring data anomaly detection method is mostly dependent on a simple analysis method based on manual threshold setting or statistics, and the method has various limitations in processing complicated and changeable power system data, such as strong subjectivity of threshold setting, difficulty in adapting to dynamic changes of the system, insufficient identification capability of potential anomaly modes and the like. In addition, with the rapid increase of the monitoring data volume of the transformer substation, the conventional method also faces great pressure in terms of processing speed and accuracy.
In recent years, the rapid development of deep learning technology provides a new idea for detecting abnormal monitoring data of a transformer substation. The deep learning has remarkable effects in the fields of image recognition, natural language processing and the like by the strong feature extraction and pattern recognition capability. The deep learning is applied to abnormal detection of substation monitoring data, complex characteristic representation can be automatically learned from the data, abnormal modes in the data can be effectively captured, and the accuracy and the efficiency of abnormal detection are improved. However, there are still some challenges to directly applying the existing deep learning model to substation monitoring data anomaly detection. For example, substation monitoring data has time series characteristics, complex dependency relationship exists between the data, and conventional Recurrent Neural Networks (RNNs) and variants thereof such as long and short term memory networks (LSTM) and gate-controlled recurrent units (GRUs) can process the time series data, but the problems of long training time, high computing resource consumption and the like may be faced when large-scale data sets are processed. In addition, the monitoring data characteristics of different substations are different, and the model needs to be customized and optimized for specific application scenes.
Therefore, a method and a system for detecting abnormal monitoring data of a transformer substation based on deep learning are needed to solve the above problems.
Disclosure of Invention
The invention aims to provide a method and a system for detecting the abnormality of monitoring data of a transformer substation based on deep learning, which can realize the rapid and accurate abnormality detection of the monitoring data of the transformer substation and provide powerful guarantee for the safe and stable operation of the transformer substation.
The invention aims to achieve the aim, and the aim is achieved by the following technical scheme:
On the one hand, the transformer substation monitoring data anomaly detection method based on deep learning comprises the following steps:
s1, preprocessing and extracting features of original data acquired in a transformer substation monitoring system;
s2, after feature extraction is completed, analyzing and processing the extracted features by adopting a deep learning algorithm, and identifying abnormal points or abnormal modes in the data;
S3, performing super-parameter optimization on the constructed deep learning algorithm model;
and S4, outputting the abnormality detection result in a visual mode.
Preferably, the step S1 specifically includes:
The preprocessing of the original data comprises data cleaning and data transformation, and is used for cleaning and converting the data, removing noise, processing missing values and converting data types;
The feature extraction of the original data is to extract key features useful for anomaly detection from the preprocessed data.
Preferably, the extracting key features useful for abnormality detection specifically includes:
S11, setting a threshold value tau1, screening out the characteristics with variance smaller than tau1 or the absolute value of the coefficient related to the target variable smaller than tau1, and marking the obtained characteristic set as F1;
S12, training a model supporting feature importance assessment on F1 to be M, and outputting an importance score of each feature by M to be importancei, wherein i represents a feature index;
S13, for each pair of features (Fi,fj) in the F1, calculating the correlation thereof to obtain a correlation matrix Cij, wherein Cuj represents the correlation between the features Fi and Fj;
s14, calculating a weighted score Si of each feature according to the importance score of the feature and the correlation between the features:
Where, |f1 | represents the number of features in F1;
And S15, setting a threshold tau2, and selecting the characteristics with the weighted score Si being larger than tau2 as a final characteristic subset Ffind.
Preferably, the step S2 specifically includes the following steps:
According to a deep learning algorithm, an activation function in the neural network is calculated and used for determining the activation mode and intensity of the neurons:
zt=σ(Wz·[ht-1,xt])
rt=σ(Wr·[ht-1,xt])
ht=(1-zt)*ht-1+zt*ht
Where zt and rt represent update and reset gates, respectively, Wz and Wr represent parameter training matrices,Indicating candidate cell states at the current moment, wherein ht and ht-1 respectively indicate the output of hidden neurons at the current moment and the previous moment, and sigma and tanh indicate activation functions;
a smooth switching function s (x) is defined using the sigmoid function, and the switching function s (x) increases from 0 to 1 as x increases, the tanhrelu function can be defined as:
TanhReLU(x)=s(x)·ReLU(x)+(1-s(x))·Tanh(x)
Wherein, beta is used for controlling the smoothness degree of the switching, and theta is the threshold value of the occurrence of the switching;
Substituting the definition of s (x) into TanhReLU functions yields:
Wherein, beta and theta are super parameters;
in the deep learning algorithm model, smooth ElasticNet regularization function expression is as follows:
Where w is the parameter vector of the model, wi is the i-th parameter, n is the number of parameters, λ1、λ2、λ3 is the regularization coefficient for controlling the importance of the different regularization terms, ε is a small positive number for avoiding zero-divide errors when wi =0 and making the function smoother when wi approaches 0.
Preferably, in the step S3, the optimizing the super parameters in the model by using the improved particle swarm optimization algorithm includes:
The basic algorithm for particle evolution QPSO is as follows:
Wherein, the average optimal position of the mbest particle group, Pij is the optimal position of the ith particle in the jth dimension, Pgj is the optimal position of the particle in the jth dimension; is a random position between Pij and Pgj, M is the size of the particle population, M and u are random numbers in one [0,1], and α is the shrink diffusion coefficient.
Preferably, the step S4 includes:
in the visual interface, the detected abnormal data points or abnormal patterns are highlighted for identifying the abnormal data.
On the other hand, a detection system based on the method for detecting abnormal substation monitoring data based on deep learning is provided, which comprises the following steps:
the data preprocessing module is used for preprocessing the original data acquired in the substation monitoring system and extracting the characteristics;
The model building and analyzing module is used for analyzing the extracted features by adopting a deep learning algorithm after the feature extraction is completed, identifying abnormal points or abnormal modes in the data, and performing super-parameter optimization on the constructed deep learning algorithm model;
And the result output module is used for outputting the abnormality detection result in a visual mode.
Compared with the prior art, the invention has the beneficial effects that:
1. WIFS the weighting integrated feature screening method combines the advantages of various feature selection methods such as a filtering method, an embedding method and the like. The filtering method reduces the calculation amount of subsequent processing by primarily screening low variance or irrelevant features, and the embedding rule further screens out features which have obvious influence on the prediction performance of the model by evaluating the feature importance in the model training process. This comprehensive approach allows for a more comprehensive consideration of the validity and importance of the features. In addition, WIFS introduces a weighting strategy, which not only considers the feature importance scores given by the model, but also considers the correlation among the features, and the weighting mode is helpful to avoid selecting highly correlated but redundant features, so that the representativeness and the effectiveness of the feature subset are improved, and meanwhile, the weighting strategy also allows the weight to be adjusted according to the specific application scene, so that the flexibility and the adaptability of the method are improved;
2. TanhReLU activates the function, which is helpful to maintain the stability of the gradient in the initial stage of training and avoid the training problem caused by too large or too small gradient, in addition, the TanhReLU function can automatically adjust the behavior of the function according to the different input values by introducing a learnable switching mechanism, which is helpful to better fit the complex data distribution of the model;
3. Smooth ElasticNet regularizing the function, which is helpful to reduce overfitting and improve the stability of the model, and can flexibly control the relative importance of sparsity, smoothness and weight change rate.
Drawings
FIG. 1 is a flow chart of the method of the present invention;
FIG. 2 is a block diagram of the overall model of the present invention;
FIG. 3 is a flow chart of an improved particle swarm optimization algorithm of the present invention;
fig. 4 is a schematic diagram of the system architecture of the present invention.
Detailed Description
The application will be further illustrated with reference to specific examples. It is to be understood that these examples are illustrative of the present application and are not intended to limit the scope of the present application. Further, it will be understood that various changes and modifications may be made by those skilled in the art after reading the teachings of the application, and equivalents thereof fall within the scope of the application as defined by the claims.
In the present invention, terms such as "upper", "lower", "left", "right", "front", "rear", "vertical", "horizontal", "side", "bottom", etc. refer to an orientation or a positional relationship based on that shown in the drawings, and are merely relational terms, which are used for convenience in describing structural relationships of various components or elements of the present invention, and do not denote any one of the components or elements of the present invention, and are not to be construed as limiting the present invention.
In the present invention, terms such as "fixedly attached," "connected," "coupled," and the like are to be construed broadly and refer to either a fixed connection or an integral or removable connection, or both, as well as directly or indirectly via an intermediary. The specific meaning of the terms in the present invention can be determined according to circumstances by a person skilled in the relevant art or the art, and is not to be construed as limiting the present invention.
Examples:
as shown in fig. 1, the embodiment provides a substation monitoring data anomaly detection method based on deep learning, which includes the following steps:
s1, preprocessing and extracting features of original data acquired in a transformer substation monitoring system;
s2, after feature extraction is completed, analyzing and processing the extracted features by adopting a deep learning algorithm, and identifying abnormal points or abnormal modes in the data;
S3, performing super-parameter optimization on the constructed deep learning algorithm model;
and S4, outputting the abnormality detection result in a visual mode.
The overall structural model is shown in fig. 2.
The method comprises the following steps of S1, preprocessing raw data collected in a transformer substation monitoring system and extracting features, wherein the preprocessing comprises data cleaning (noise removal, missing value processing and the like) and data transformation (normalization, standardization and the like), and the feature extraction is to extract key features useful for abnormality detection from the preprocessed data by using a statistical method or a special feature engineering technology, wherein the features can fully represent the difference between the normal state and the abnormal state of the data;
the invention provides a weighted integrated feature screening method WIFS (WEIGHTED INTEGRATED Feature Selection) for screening out feature information useful for a model, which aims to select the feature with the most important model prediction effect from original features so as to improve the accuracy and efficiency of the model, and comprises the following specific steps:
1. The method of filtering method primary screening, which is to set a threshold value tau1 by using a variance selection method or a correlation coefficient method and the like, screen out the characteristics that the variance is smaller than tau1 or the absolute value of the correlation coefficient with a target variable is smaller than tau1, and the characteristic set obtained in the step is marked as F1:
2. Training a basic model by an embedding method, namely training a model (such as a random forest, a gradient lifting tree and the like) supporting feature importance assessment on F1, marking the model as M, and marking the model M as importancei, wherein i represents a feature index, and outputting an importance score of each feature by the model M;
3. Correlation evaluation, namely, for each pair of features (Fi,fj) in the F1, calculating the correlation (such as pearson correlation coefficient, mutual information and the like) between the features to obtain a correlation matrix Cij, wherein Cij represents the correlation between the features Fi and Fj;
4. Weighted integration, calculating a weighted score Si for each feature based on the importance scores of the features and the correlation between the features:
where, |f1 | represents the number of features in F1, which takes into account the importance of a feature and its absolute value of average correlation with other features, if a feature is highly correlated with other features, its weighted score will decrease due to the presence of correlation;
5. The final feature is selected by setting a threshold τ2 and selecting features with a weighted score Si greater than τ2 as the final feature subset Ffind.
Step S2, anomaly detection based on a deep learning algorithm comprises the following steps:
The gating cyclic unit GRU (Gated Recurrent Unit, GRU) is used as a variant of the cyclic neural network, has unique advantages in the aspect of extracting characteristic information of data, on one hand, the GRU effectively controls information flow by introducing two gating mechanisms of an Update Gate (Update Gate) and a reset Gate (RESET GATE), and the mechanism enables the GRU to selectively retain or forget historical information, so that long-term dependency in sequence data can be better captured, and compared with the traditional RNN, the gating mechanism of the GRU helps to relieve gradient disappearance problem, and a model can learn long-distance dependency more stably in the training process.
Compared with another RNN variant, long Short-Term Memory network LSTM (LSTM), the GRU has fewer parameters while maintaining similar performance, which makes the GRU require fewer computing resources during training, and the training speed is faster, the model structure of the GRU is relatively simple, easy to implement and debug, and the basic algorithm is as follows:
zt=σ(Wz·[ht-1,xt])
rt=σ(Wr·[ht-1,xt])
ht=(1-zt)*ht-1+zt*ht
Where zt and rt represent update and reset gates, respectively, Wz and Wr represent parameter training matrices,Indicating candidate cell states at the current moment, wherein ht and ht-1 respectively indicate the output of hidden neurons at the current moment and the previous moment, and sigma and tanh indicate activation functions;
The activation function in neural networks, which determines the activation mode and intensity of neurons, discloses a TanhReLU activation function, tanhReLU function, which aims to avoid neuronal "death" by using the smoothing property of the Tanh function when the input value is small, while keeping the gradient stable by using the linear property of the ReLU function when the input value is large, however, directly combining these two functions may not be the optimal choice because they differ in the output range and gradient properties, and therefore a transition mechanism needs to be designed to smoothly connect these two regions:
Assuming that there is a smooth switching function s (x) that gradually increases from 0 to 1 as x increases, s (x) may be defined using a sigmoid function or similar smoothing function, and then TanhReLU functions may be defined as:
TanhReLU(x)=s(x)·ReLU(x)+(1-s(x))·Tanh(x)
Where β is used to control the smoothness of the handover (the greater β, the steeper handover), and θ is the threshold at which the handover occurs (i.e., s (x) =0.5 when x=θ);
Substituting the definition of s (x) into TanhReLU functions, the reasoning is:
Wherein, beta and theta are super parameters, and are adjusted according to specific tasks;
The TanhReLU function has a smooth curve and good nonlinear characteristics, is favorable for keeping the stability of the gradient in the initial stage of training, avoids the training problem caused by overlarge or overlarge gradient, and in addition, the TanhReLU function can automatically adjust the behavior of the function according to different input values by introducing a learnable switching mechanism, so that the model is favorable for fitting complex data distribution better;
In the deep learning model, the regularization function has the advantages of preventing overfitting, improving generalization capability, reducing model complexity and the like, and the embodiment provides a new regularization function combining L1 and L2 regularization characteristics, which is called as 'ELASTICNET-like' regularization, and improves the regularization function to be unique.
Smooth ElasticNet regularization function expression is as follows:
where w is the parameter vector of the model, wi is the ith parameter, n is the number of parameters, λ1、λ2、λ3 is the regularization coefficient for controlling the importance of the different regularization terms, ε is a small positive number for avoiding zero-removal errors at wi =0 and making the function smoother as wi approaches 0, and the third term is a smoothing term that encourages the differences between adjacent parameters to be as small as possible, thereby helping to produce smoother weight changes;
the Smooth ElasticNet regularization function provided by the invention has the following characteristics:
sparsity byTerm Smooth ElasticNet regularization encourages the model to produce sparse weights, similar to L1 regularization;
The smoothness is that the L2 regularization term and the additional smoothing term act together, so that the weight value is smoother, the overfitting is reduced, and the stability of the model is improved;
Flexibility by adjusting the value of lambda1、λ2、λ3, the relative importance of sparsity, smoothness and weight change rate can be flexibly controlled;
therefore, when the GRU model is constructed, the original activation function and regularization function are improved, so that the overall performance of the model is further improved.
Step S3, optimizing the super parameters in the model by utilizing an improved particle swarm optimization algorithm, wherein the process is shown in FIG. 3 and comprises the following steps:
Super-parameters are "knobs" in machine learning algorithms that are used to control the learning process, such as learning rate, regularization coefficients, number of hidden layers, number of neurons, etc. By systematically adjusting these parameters, the optimal configuration that best suits the current data set and task can be found, thereby significantly improving the performance of the model. The quantum behavior particle swarm optimization (QPSO) algorithm is an optimization algorithm for simulating the behavior of a shoal or a shoal in nature, introduces the concept of quantum dynamic kinematics on the basis of a classical Particle Swarm Optimization (PSO) algorithm, enhances the randomness and global searching capability of particles through the quantum behavior, and can search a global optimal solution in the whole feasible solution space. In model hyper-parametric optimization, the QPSO algorithm can be applied to find optimal model configurations that optimize the performance of the model on a given data set. The basic algorithm for particle evolution QPSO is as follows:
Wherein, the average optimal position of the mbest particle group, Pij is the optimal position of the ith particle in the jth dimension, Pgj is the optimal position of the particle in the jth dimension; is a random position between Pij and Pgj, M is the size of the particle population, M and u are random numbers in one [0,1], and α is the shrink diffusion coefficient.
Step S4, outputting a visual result, which comprises the following steps:
In the visual interface, the detected outlier data points or outlier patterns are highlighted in a special way (e.g., different colors, shapes, sizes, or markers) so that the monitoring personnel can quickly identify which data are outliers. This intuitive approach helps to quickly locate the problem.
On the other hand, the embodiment also provides a detection system based on the method for detecting the abnormal condition of the monitoring data of the transformer substation based on deep learning, which comprises the following steps:
the data preprocessing module is used for preprocessing the original data acquired in the substation monitoring system and extracting the characteristics;
The model building and analyzing module is used for analyzing the extracted features by adopting a deep learning algorithm after the feature extraction is completed, identifying abnormal points or abnormal modes in the data, and performing super-parameter optimization on the constructed deep learning algorithm model;
And the result output module is used for outputting the abnormality detection result in a visual mode.
While the preferred embodiment of the present application has been described in detail, the present application is not limited to the embodiments described above, and various equivalent modifications and substitutions can be made by those skilled in the art without departing from the spirit of the present application, and these equivalent modifications and substitutions are intended to be included in the scope of the present application as defined in the appended claims.

Claims (7)

Translated fromChinese
1.一种基于深度学习的变电站监控数据异常检测方法,其特征在于,包括以下步骤:1. A method for detecting abnormality in substation monitoring data based on deep learning, characterized in that it comprises the following steps:S1:对变电站监控系统中采集的原始数据进行预处理和特征提取;S1: Preprocess and extract features of the raw data collected in the substation monitoring system;S2:在特征提取完成后,采用深度学习算法对提取的特征进行分析处理,识别出数据中的异常点或异常模式;S2: After feature extraction is completed, a deep learning algorithm is used to analyze and process the extracted features to identify abnormal points or abnormal patterns in the data;S3:对已构建好的深度学习算法模型进行超参数优化;S3: Optimize the hyperparameters of the built deep learning algorithm model;S4:将异常检测结果以可视化的方式输出。S4: Output the anomaly detection results in a visual manner.2.根据权利要求1所述一种基于深度学习的变电站监控数据异常检测方法,其特征在于,所述步骤S1,具体为:2. According to the method for detecting abnormality of substation monitoring data based on deep learning in claim 1, it is characterized in that the step S1 is specifically:所述对原始数据进行预处理包括数据清洗和数据变换,用于清洗和转换数据,去除噪声、填充缺失值、转换数据类型;The preprocessing of the raw data includes data cleaning and data transformation, which is used to clean and transform the data, remove noise, fill in missing values, and convert data types;所述对原始数据进行特征提取为:从预处理后的数据中提取出对异常检测有用的关键特征。The feature extraction of the original data is to extract key features useful for anomaly detection from the preprocessed data.3.根据权利要求2所述一种基于深度学习的变电站监控数据异常检测方法,其特征在于,所述提取出对异常检测有用的关键特征具体包括:3. According to the method for detecting anomaly in substation monitoring data based on deep learning in claim 2, the extraction of key features useful for anomaly detection specifically includes:S11:设置一个阈值τ1,筛选掉方差小于τ1或与目标变量相关系数绝对值小于τ1的特征,得到的特征集记为F1S11: Set a threshold τ1 to filter out features with a variance less than τ1 or an absolute value of the correlation coefficient with the target variable less than τ1. The resulting feature set is recorded as F1 ;S12:在F1上训练一个支持特征重要性评估的模型记为M,M输出每个特征的重要性分数记为importancei,其中i表示特征索引;S12: Train a model that supports feature importance evaluation onF1 , denoted as M. M outputs the importance score of each feature, denoted as importancei , where i represents the feature index;S13:对于F1中的每对特征(fi,fj),计算其相关性,得到相关性矩阵Cij,其中Cij表示特征fi和fj之间的相关性;S13: For each pair of features (fi ,fj ) inF1 , calculate their correlation to obtain a correlation matrixCij , whereCij represents the correlation between featuresfi andfj ;S14:根据特征的重要性分数和特征之间的相关性,计算每个特征的加权分数SiS14: Calculate the weighted score Si of each feature based on the importance score of the feature and the correlation between the features:其中,|F1|表示F1中的特征数量;Where |F1 | represents the number of features in F1 ;S15:设置一个阈值τ2,选择加权分数Si大于τ2的特征作为最终的特征子集FfindS15: Set a threshold τ2 and select features with weighted scoresSi greater than τ2 as the final feature subset Ffind .4.根据权利要求3所述一种基于深度学习的变电站监控数据异常检测方法,其特征在于,所述步骤S2,具体包括以下过程:4. According to the method for detecting abnormality of substation monitoring data based on deep learning in claim 3, it is characterized in that the step S2 specifically includes the following process:根据深度学习算法,计算神经网络中的激活函数,用于决定神经元的激活方式和强度:According to the deep learning algorithm, the activation function in the neural network is calculated to determine the activation mode and strength of the neuron:zt=σ(Wz·[ht-1,xt])zt =σ(Wz ·[ht-1 ,xt ])rt=σ(Wr·[ht-1,xt])rt =σ(Wr ·[ht-1 ,xt ])ht=(1-zt)*ht-1+zt*htht = (1-zt )*ht-1 +zt *ht其中,zt和rt分别表示更新门和重置门,Wz和Wr表示参数训练矩阵,表示当前时刻候选细胞状态,ht和ht-1分别表示当前时刻与前一时刻隐藏层神经元的输出,σ和tanh表示激活函数;Among them, zt and rt represent the update gate and reset gate respectively, Wz and Wr represent the parameter training matrix, represents the state of the candidate cell at the current moment, ht and ht-1 represent the outputs of the hidden layer neurons at the current moment and the previous moment respectively, and σ and tanh represent the activation function;使用sigmoid函数定义一个平滑的切换函数s(x),且切换函数s(x)随着x的增加从0增加到1,TanhReLU函数可以定义为:Use the sigmoid function to define a smooth switching function s(x), and the switching function s(x) increases from 0 to 1 as x increases. The TanhReLU function can be defined as:TanhReLU(x)=s(x)·ReLU(x)+(1-s(x))·Tanh(x)TanhReLU(x)=s(x)·ReLU(x)+(1-s(x))·Tanh(x)其中,β用于控制切换的平滑程度,θ为切换发生的阈值;Among them, β is used to control the smoothness of switching, and θ is the threshold for switching to occur;将s(x)的定义代入TanhReLU函数中,可得:Substituting the definition of s(x) into the TanhReLU function, we get:其中,β和θ为超参数;Among them, β and θ are hyperparameters;在深度学习算法模型中,Smooth ElasticNet正则化函数表达式如下:In the deep learning algorithm model, the Smooth ElasticNet regularization function expression is as follows:其中,w是模型的参数向量,wi是第i个参数,n是参数的数量,λ1、λ2、λ3是正则化系数,用于控制不同正则化项的重要性,ε是一个很小的正数,用于避免在wi=0时出现除零错误,并使得函数在wi接近0时更加平滑。Where w is the parameter vector of the model,wi is the i-th parameter, n is the number of parameters,λ1 ,λ2 ,λ3 are regularization coefficients used to control the importance of different regularization terms, and ε is a small positive number used to avoid division by zero whenwi = 0 and to make the function smoother whenwi is close to 0.5.根据权利要求4所述一种基于深度学习的变电站监控数据异常检测方法,其特征在于,所述步骤S3中,具体为:利用改进粒子群优化算法对模型中的超参数寻优,包括:5. According to the method for detecting abnormality of substation monitoring data based on deep learning in claim 4, it is characterized in that in the step S3, the method specifically comprises: optimizing the hyperparameters in the model by using an improved particle swarm optimization algorithm, including:粒子进化QPSO的基本算法如下:The basic algorithm of particle evolution QPSO is as follows:其中,mbest粒子群的平均最优位置;Pij是第i个粒子在第j维度的最佳位置;Pgj是粒子在第j维度的最佳位置;是Pij和Pgj之间的随机位置;M是粒子群的大小;M和u是一个[0,1]中的随机数;α是收缩扩散系数。Among them, mbest is the average optimal position of the particle group;Pij is the best position of the i-th particle in the j-th dimension;Pgj is the best position of the particle in the j-th dimension; is a random position betweenPij andPgj ; M is the size of the particle group; M and u are random numbers in [0, 1]; α is the shrinkage diffusion coefficient.6.根据权利要求5所述一种基于深度学习的变电站监控数据异常检测方法,其特征在于,所述步骤S4,包括:6. According to the method for detecting abnormality of substation monitoring data based on deep learning in claim 5, it is characterized in that the step S4 comprises:在可视化界面中,将检测到的异常数据点或异常模式进行高亮显示,用于识别异常数据。In the visualization interface, the detected abnormal data points or abnormal patterns are highlighted to identify abnormal data.7.一种基于上述权利要求6所述的基于深度学习的变电站监控数据异常检测方法的检测系统,其特征在于,包括:7. A detection system based on the substation monitoring data anomaly detection method based on deep learning according to claim 6, characterized in that it includes:数据预处理模块,用于:对变电站监控系统中采集的原始数据进行预处理和特征提取;The data preprocessing module is used to preprocess and extract features of the raw data collected in the substation monitoring system;模型建立与分析模块,用于:在特征提取完成后,采用深度学习算法对提取的特征进行分析处理,识别出数据中的异常点或异常模式,并对已构建好的深度学习算法模型进行超参数优化;The model building and analysis module is used to: after feature extraction is completed, use the deep learning algorithm to analyze and process the extracted features, identify abnormal points or abnormal patterns in the data, and optimize the hyperparameters of the constructed deep learning algorithm model;结果输出模块,用于:将异常检测结果以可视化的方式输出。The result output module is used to output the anomaly detection results in a visual manner.
CN202411730541.XA2024-11-292024-11-29 A method and system for detecting abnormality in substation monitoring data based on deep learningPendingCN119669967A (en)

Priority Applications (1)

Application NumberPriority DateFiling DateTitle
CN202411730541.XACN119669967A (en)2024-11-292024-11-29 A method and system for detecting abnormality in substation monitoring data based on deep learning

Applications Claiming Priority (1)

Application NumberPriority DateFiling DateTitle
CN202411730541.XACN119669967A (en)2024-11-292024-11-29 A method and system for detecting abnormality in substation monitoring data based on deep learning

Publications (1)

Publication NumberPublication Date
CN119669967Atrue CN119669967A (en)2025-03-21

Family

ID=94990952

Family Applications (1)

Application NumberTitlePriority DateFiling Date
CN202411730541.XAPendingCN119669967A (en)2024-11-292024-11-29 A method and system for detecting abnormality in substation monitoring data based on deep learning

Country Status (1)

CountryLink
CN (1)CN119669967A (en)

Cited By (1)

* Cited by examiner, † Cited by third party
Publication numberPriority datePublication dateAssigneeTitle
CN120451693A (en)*2025-07-142025-08-08苏州圣汇装备有限公司Welding process optimization method and system for 7Ni steel processing

Cited By (1)

* Cited by examiner, † Cited by third party
Publication numberPriority datePublication dateAssigneeTitle
CN120451693A (en)*2025-07-142025-08-08苏州圣汇装备有限公司Welding process optimization method and system for 7Ni steel processing

Similar Documents

PublicationPublication DateTitle
Xu et al.RUL prediction for rolling bearings based on Convolutional Autoencoder and status degradation model
CN112087442B (en) Time-series correlation network intrusion detection method based on attention mechanism
CN108445752B (en) An ensemble modeling method of random weight neural network for adaptive selection of deep features
Montalbo et al.Classification of fish species with augmented data using deep convolutional neural network
CN109766992A (en) Anomaly detection and attack classification method for industrial control based on deep learning
CN113297972B (en)Transformer substation equipment defect intelligent analysis method based on data fusion deep learning
CN112861443B (en)Advanced learning fault diagnosis method integrated with priori knowledge
CN118379664B (en)Video identification method and system based on artificial intelligence
Lu et al.Deep fisher autoencoder combined with self-organizing map for visual industrial process monitoring
CN119669967A (en) A method and system for detecting abnormality in substation monitoring data based on deep learning
CN116844041A (en) A farmland extraction method based on bidirectional convolution temporal self-attention mechanism
Wang et al.Hierarchical FFT-LSTM-GCN based model for nuclear power plant fault diagnosis considering spatio-temporal features fusion
CN117312770A (en)Aero-engine residual life prediction method based on multi-level graph feature fusion
CN117614680A (en) A method for detecting abnormal traffic in industrial control networks based on data enhancement and deep learning
CN110659630A (en)Video human body abnormal behavior detection method based on skeleton point track dynamic analysis
CN119150065A (en)Multi-scale space-time feature fusion chemical process fault diagnosis method
CN119541217B (en)Short-time traffic flow prediction method and system based on multi-feature map
Wang et al.Optimized lightweight CA-transformer: Using transformer for fine-grained visual categorization
CN119398737A (en) A method for health assessment and life prediction of sludge dewatering machine
CN118941847A (en) Apple multi-feature online classification method
Li et al.A TG-AGD Anomaly Image Detection model based on residual bottleneck attention and time series prediction
Liu et al.Fault diagnosis based on counterfactual inference for the batch fermentation process
CN118192516A (en)Industrial process fault diagnosis method, device, terminal, medium and program product
CN114118288A (en) A Transformer State Evaluation Method Based on Deep Learning
CN112765148A (en)Network intrusion detection method based on improved SVM multi-classification

Legal Events

DateCodeTitleDescription
PB01Publication
PB01Publication
SE01Entry into force of request for substantive examination
SE01Entry into force of request for substantive examination

[8]ページ先頭

©2009-2025 Movatter.jp