CN110929611A - Modeling method of power transmission line icing thickness prediction model based on PR-KELM - Google Patents

Modeling method of power transmission line icing thickness prediction model based on PR-KELM Download PDF

Info

Publication number
CN110929611A
CN110929611A CN201911102567.9A CN201911102567A CN110929611A CN 110929611 A CN110929611 A CN 110929611A CN 201911102567 A CN201911102567 A CN 201911102567A CN 110929611 A CN110929611 A CN 110929611A
Authority
CN
China
Prior art keywords
data
kelm
image
feature
training
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
CN201911102567.9A
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.)
China University of Geosciences
Original Assignee
China University of Geosciences
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 China University of Geosciences filed Critical China University of Geosciences
Priority to CN201911102567.9A priority Critical patent/CN110929611A/en
Publication of CN110929611A publication Critical patent/CN110929611A/en
Pending legal-status Critical Current

Links

Images

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V20/00Scenes; Scene-specific elements
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/21Design or setup of recognition systems or techniques; Extraction of features in feature space; Blind source separation
    • G06F18/211Selection of the most significant subset of features
    • G06F18/2113Selection of the most significant subset of features by ranking or filtering the set of features, e.g. using a measure of variance or of feature cross-correlation
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/21Design or setup of recognition systems or techniques; Extraction of features in feature space; Blind source separation
    • G06F18/213Feature extraction, e.g. by transforming the feature space; Summarisation; Mappings, e.g. subspace methods
    • G06F18/2135Feature extraction, e.g. by transforming the feature space; Summarisation; Mappings, e.g. subspace methods based on approximation criteria, e.g. principal component analysis
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/21Design or setup of recognition systems or techniques; Extraction of features in feature space; Blind source separation
    • G06F18/214Generating training patterns; Bootstrap methods, e.g. bagging or boosting
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V10/00Arrangements for image or video recognition or understanding
    • G06V10/40Extraction of image or video features
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V10/00Arrangements for image or video recognition or understanding
    • G06V10/40Extraction of image or video features
    • G06V10/56Extraction of image or video features relating to colour
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V10/00Arrangements for image or video recognition or understanding
    • G06V10/40Extraction of image or video features
    • G06V10/46Descriptors for shape, contour or point-related descriptors, e.g. scale invariant feature transform [SIFT] or bags of words [BoW]; Salient regional features
    • G06V10/467Encoded features or binary features, e.g. local binary patterns [LBP]

Landscapes

  • Engineering & Computer Science (AREA)
  • Theoretical Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • Data Mining & Analysis (AREA)
  • General Physics & Mathematics (AREA)
  • Computer Vision & Pattern Recognition (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Evolutionary Biology (AREA)
  • Evolutionary Computation (AREA)
  • Bioinformatics & Computational Biology (AREA)
  • General Engineering & Computer Science (AREA)
  • Bioinformatics & Cheminformatics (AREA)
  • Artificial Intelligence (AREA)
  • Multimedia (AREA)
  • Image Analysis (AREA)

Abstract

The invention provides a PR-KELM-based modeling method for a power transmission line icing thickness prediction model, which comprises a first stage of: converting the image data into LBP image data, reducing dimensions by using a PCA algorithm, and calculating a gray level histogram cascade to obtain extracted image data characteristics; performing feature screening on the meteorological data and the mechanical data by adopting a Relieff algorithm, and removing highly-related redundant features to obtain extracted meteorological and mechanical feature data; and a second stage: and forming sample data by using the characteristic data obtained in the first stage and the icing grade in the original image data, training the PR-KELM model by using the training data, testing the trained PR-KELM model by using the test data, and finally obtaining the power transmission line icing thickness prediction model. The invention has the beneficial effects that: the PR-KELM model is adopted for ice coating thickness prediction, so that the selection of the learning rate is not very sensitive, and the ice coating thickness prediction method is not easy to fall into a local optimal solution, and the accuracy of the prediction model is improved.

Description

Modeling method of power transmission line icing thickness prediction model based on PR-KELM
Technical Field
The invention relates to the technical field of power system disaster early warning, in particular to a PR-KELM-based modeling method for a power transmission line icing thickness prediction model.
Background
At present, algorithms commonly used for the icing thickness prediction model of the power transmission line comprise a neural network, a support vector machine, a decision tree and improved versions of the models, but the algorithms only consider a single type of monitoring data, that is, feature extraction from image data is not considered. In fact, picture data is often rich in information, but the level and scale of use in the current common model are very low. In addition, the mechanical data and the meteorological data have the characteristics of high dimensionality, nonlinearity, heterogeneity and the like, and the characteristics are not well considered when the characteristics are extracted by the existing power transmission line icing thickness prediction model, so that the accuracy of the final prediction model is low.
Disclosure of Invention
In view of the above, the invention provides a modeling method of a power transmission line icing thickness prediction model based on PR-KELM, which comprises the steps of firstly processing original image data by adopting an LBP algorithm, reducing dimensions by utilizing a PCA algorithm, and calculating a gray level histogram cascade to obtain extracted image data characteristics; then, performing feature extraction on meteorological data and mechanical data by adopting a Relieff algorithm, further reducing data dimensions and eliminating a common linear relation; and finally, establishing a prediction model of the icing thickness of the power transmission line by using the extracted characteristic data and an extreme learning machine (PR-KELM) of a radial basis kernel function.
The invention provides a PR-KELM based modeling method of a power transmission line icing thickness prediction model, which comprises a first stage of carrying out feature extraction on image data, meteorological data and mechanical data and a second stage of establishing the power transmission line icing thickness prediction model by adopting a PR-KELM model, wherein:
the first stage comprises: for image Data, by converting the image Data into local binary pattern image Datan×mAnd using principal component analysis algorithm to the image Datan×mPerforming dimensionality reduction to obtain low-dimensionality feature data, and processing a local binary pattern image according to the low-dimensionality feature data to obtain a dimensionality-reduced image; dividing the image after dimensionality reduction into a plurality of small blocks, calculating a gray histogram of each small block image, and further calculating the gray histogram cascade of the whole image to obtain extracted image data characteristics;
for meteorological data and mechanical data, performing feature screening by adopting a Relieff algorithm, removing high-degree related redundant features, and obtaining extracted meteorological and mechanical feature data;
the second stage comprises: forming feature data by using image data features, meteorological feature data and mechanical feature data extracted in the first stage, taking the icing grade in original image data as label data to form sample data together, and dividing the sample data into training data and test data according to a certain proportion; the second phase comprises a training process and a testing process: and training the PR-KELM model by using the training data, testing the trained PR-KELM model by using the test data, and finally obtaining the power transmission line icing thickness prediction model.
Further, in the feature extraction of the image Data in the first stage, the local binary pattern image Datan×mThe method is an n x m dimensional characteristic matrix, sub-elements in the matrix represent the number of pixel points with the gray value of m-1 in corresponding image samples, n represents the number of original image samples, and m represents the number of gray values in an LBP image.
Further, the image Data is analyzed by principal component analysis algorithmn×mThe specific process of carrying out the dimensionality reduction is as follows:
calculating the LBP image Datan×mAverage value corresponding to each dimension
Figure BDA0002270290130000021
Calculating the difference between each dimension data and the average value to obtain new value data DataAdjustn×m
DataAdjustn×m(j,i)=Datan×m(j,i)-mean(i);
Computing new value data DataAdjustn×mThe covariance matrix of (a);
obtaining an eigenvalue and an eigenvector of a covariance matrix based on the covariance matrix;
for the LBP image Data by maximum likelihood estimationn×mPerforming dimension estimation, selecting the first k eigenvalues in descending order according to the estimation result, and performing eigenvector matrixes Eigenvectors corresponding to the k eigenvaluesn×kAs a base of the mapping space;
data DataAdjust the new valuen×mMapping to a base space to obtain new low-dimensional feature data Fn×k
Fn×k=DataAdjustn×m·EigenVectorsm×k
Wherein k represents the dimension number of the obtained low-dimension feature data, and the low-dimension feature data F is utilizedn×kAnd processing the LBP image to obtain a dimension-reduced image.
Furthermore, in the first stage, in the feature extraction of the image data, the number of pixel points corresponding to each gray value in each small image is counted by using a histogram to obtain a gray histogram of each small image; the gray level histogram of each small image together forms the gray level histogram cascade of the whole image.
Further, in the first stage of feature extraction on meteorological and mechanical data, a specific process of performing feature screening by using a ReliefF algorithm is as follows:
sampling a data set formed by meteorological data and mechanical data, wherein the sampling frequency is m, and determining k nearest neighbor samples H from a similar sample set B of any sampling sample Rj(j ═ 1,2, L, k), the same number of nearest neighbor samples M are determined from the heterogeneous sample set Cj(C) (j ═ 1,2, L, k), then the feature weights are updated:
Figure BDA0002270290130000031
wherein W (A) represents the weight corresponding to any feature A, P (. + -.) represents the probability, and the formula diff (A, R) is calculated1,R2) Represents a sample R1、R2The difference in characteristic a is specifically:
Figure BDA0002270290130000032
and setting a characteristic weight threshold delta, and removing the characteristics of which the calculated characteristic weight is smaller than the threshold delta to achieve the purpose of reducing the dimensions of the meteorological data and the mechanical data to obtain the meteorological and mechanical characteristic data.
Further, the specific process of the training process of the second stage is as follows:
determining the number of the neural units of an input layer, a hidden layer and an output layer of the PR-KELM model according to training data, wherein the training characteristic data XtrainTraining label data Y for MxQ dimensional matrix datatrainFor Mx 1 dimensional matrix data, test feature data XtestFor NxQ dimensional matrix data, test tag data YtestThe data is Nx 1 dimensional matrix data, M represents the number of training data samples, N represents the number of test data samples, and Q represents the total number of all features extracted in the first stage; using the training data Xtrain、YtrainTraining a PR-KELM model, and enabling (n, l and M) to respectively correspond to the number of nerve units of an input layer, a hidden layer and an output layer, wherein n is Q, l is M, and M is 1;
introducing a radial basis kernel function k (x)i,xj) Determining the output function of the PR-KELM model:
Figure BDA0002270290130000041
wherein omegaELM=HHTH is a random feature mapping matrix, I represents a unit matrix, C is a regularization coefficient, and a radial basis kernel function k (x)i,xj) The calculation formula of (A) is as follows:
Figure BDA0002270290130000042
wherein i is 1, L, M, j is 1, L, M, xi、xjRepresenting training feature data Xtrainσ is the width reference of the radial basis kernel function; by training the tag data T ═ YtrainDetermining omegaELMAnd training to obtain a power transmission line icing thickness prediction model based on PR-KELM.
Further, the specific process of the test process at the second stage is as follows: test feature data XtestSubstituting the model into PR-KELM model obtained by training in the form of two-dimensional matrix, and obtaining a prediction result Y through matrix operationpreFurther constructing an evaluation index function by using the root mean square error, the average absolute error and the average absolute percentage error, wherein the predicted result Y ispreAnd test tag data YtestAnd obtaining an evaluation result of the extreme learning machine model based on the evaluation index function as an input parameter of the evaluation index function, and completing construction of the power transmission line icing thickness prediction model.
The technical scheme provided by the invention has the beneficial effects that:
(1) carrying out feature extraction on multi-source heterogeneous data by using different feature extraction methods, converting picture data into a local binary pattern, and carrying out feature extraction on the processed image data by adopting principal component analysis to obtain low-dimensional data features; for meteorological and mechanical data, a Relieff method is adopted for feature extraction, and the purpose of reducing dimensions is achieved while denoising is carried out;
(2) the extreme learning machine based on the radial basis kernel function is adopted for ice coating thickness prediction, the selection of the learning rate is not very sensitive, and the local optimal solution is not easy to fall into, so that the accuracy of the prediction model is improved.
Drawings
FIG. 1 is a flow chart of a modeling method of a PR-KELM based power transmission line icing thickness prediction model provided by the embodiment of the invention;
FIG. 2 is a schematic diagram of a feature extraction process for image data provided by an embodiment of the invention;
FIG. 3 is a block diagram of a PR-KELM model according to an embodiment of the present invention.
Detailed Description
In order to make the objects, technical solutions and advantages of the present invention more apparent, embodiments of the present invention will be further described with reference to the accompanying drawings.
Referring to fig. 1, an embodiment of the present invention provides a modeling method for a PR-KELM-based power transmission line icing thickness prediction model, including a first stage: namely, extracting the characteristics of the original data; further comprising a second stage: namely, the characteristics extracted in the first stage are utilized, and an extreme learning machine is adopted to establish a power transmission line icing thickness prediction model.
The original data come from a data set obtained by monitoring a power grid company online monitoring system terminal within a period of time, the data set comprises basic information data, image data, meteorological data and mechanical data, wherein the basic information data comprise a terminal name and a recording time date, and the basic information data cannot be used in the modeling process; the image data is an icing picture of the power transmission line; the meteorological data comprises temperature, humidity, rainfall, illumination intensity and the like; the mechanical data comprises the maximum and minimum tension, the pulling force, the wind deflection angle and the like of the wire. It should be noted that each image data sample further includes a corresponding icing level, and the levels are totally 6 states and respectively correspond to states 0 to 5, where the state 0 indicates that the power transmission line is not iced, and the states 1 to 5 sequentially indicate that the icing level of the power transmission line is increasingly severe.
The first stage performs feature extraction on image data, meteorological data and mechanical data, wherein:
for image data, converting the image data into Local Binary Pattern (LBP) image data, then performing dimensionality reduction by using a Principal Component Analysis (PCA) algorithm, dividing the image subjected to dimensionality reduction into a plurality of small blocks, and calculating gray level histogram cascade to obtain extracted image data characteristics. The specific process comprises the following steps:
s101, converting original image data into LBP image Datan×mReferring to fig. 2, for the original image of the power transmission line insulator shown in fig. (a), the converted LBP image is shown in fig. (b), the gray value range of the LBP image is 0-255, and the LBP image Data has 256 dimensions, that is, m is 256n×mIs an n x m dimensional feature matrix, and the sub-elements in the matrix represent the number of pixel points with the gray value of m-1 in the corresponding image sample.
S102, adopting PCA algorithm to carry out Data alignment on the LBP image Datan×mAnd reducing the dimension to obtain low-dimension feature data, and processing the LBP image by using the low-dimension feature data to obtain the image after dimension reduction. The LBP image Data obtained in step S101n×mThe dimensionality is high, and some dimensionalities may have linear correlation with each other, which may negatively affect the model prediction stage, so the present embodiment adopts PCA to perform dimensionality reduction. The PCA is a simple nonparametric method for extracting relevant information from LBP characteristic image data, is used for reducing data dimensionality and obtaining a brand new orthogonal vector, and has the main idea that a brand new orthogonal vector with a lower dimension is constructed through a mapping method, and relevant influences among indexes are eliminated. The method specifically comprises the following steps:
s1021, calculating LBP image Datan×mAverage value corresponding to each dimension
Figure BDA0002270290130000061
Then calculating the difference between each dimension data and the average value to obtain a new value data DataAdjustn×m
DataAdjustn×m(j,i)=Datan×m(j,i)-mean(i);
S1022, calculating the new value data DataAdjust in the step S1021n×mThe covariance matrix of (a);
s1023, obtaining an eigenvalue and an eigenvector of a covariance matrix based on the covariance matrix;
s1024, performing maximum likelihood estimation on the LBP image Datan×mMaking dimension estimation according to the estimation resultSelecting the first k characteristic values in descending order, and selecting characteristic vector matrixes Eigenvectors corresponding to the k characteristic valuesn×kAs a base of the mapping space;
s1025, DataAdjust new value data obtained in the step S1021n×mMapping to a base space to obtain new low-dimensional feature data Fn×k
Fn×k=DataAdjustn×m·EigenVectorsm×k
Wherein k represents the dimension number of the obtained low-dimension feature data, and the low-dimension feature data F is utilizedn×kAnd processing the LBP image to obtain a dimension-reduced image. Referring to fig. 2, fig. (c) shows an image obtained after PCA dimension reduction, where k is 59 in this embodiment.
S103, dividing the image after the dimension reduction obtained in step S102 into a plurality of small blocks, and using the histogram to count the number of pixels corresponding to each gray value in each small block image sample, to obtain a gray histogram of each small block, where the gray histograms of each small block together form a histogram cascade of the image after the dimension reduction, as shown in fig. 2(d), in this embodiment, the image after the dimension reduction in fig. c is divided into 9 small blocks, an abscissa represents a 59-dimensional gray value in the 9 small blocks, that is, a total 59 × 9-dimensional feature, and an ordinate represents the number of pixels corresponding to each gray value in each small block.
And (3) for the meteorological data and the mechanical data, performing feature screening on the meteorological data and the mechanical data by adopting a Relieff algorithm, and removing highly-related redundant features to obtain extracted meteorological and mechanical feature data. The Relieff algorithm idea is that a characteristic weight threshold delta is set, the weight value of the characteristic is calculated according to the correlation among the characteristics, the characteristic smaller than the threshold delta is removed, and the purpose of reducing the dimension is achieved. The specific process of the Relieff algorithm is as follows:
sampling a data set formed by meteorological data and mechanical data, wherein the sampling frequency is m, and determining k nearest neighbor samples H from a similar sample set B of any sampling sample Rj(j ═ 1,2, L, k), the same number of nearest neighbor samples M are determined from the heterogeneous sample set Cj(C) (j ═ 1,2, L, k), thenUpdating the feature weight:
Figure BDA0002270290130000081
wherein W (A) represents the weight corresponding to any feature A, P (. + -.) represents the probability, and the formula diff (A, R) is calculated1,R2) Represents a sample R1、R2The difference in characteristic a is specifically:
Figure BDA0002270290130000082
and eliminating the features with the feature weight smaller than the threshold value delta to achieve the purpose of reducing the dimension of the meteorological data and the mechanical data.
The characteristics shown in table 1 were obtained in this example through the first stage.
Table 1 feature extraction table of this embodiment
Figure BDA0002270290130000083
In the second stage, a power transmission line icing thickness prediction model is established by adopting a radial basis function-based extreme learning machine (PR-KELM), the extreme learning machine is a new algorithm for optimizing and improving a single hidden layer feedforward neural network (SLFNs), the structure of the extreme learning machine is shown in figure 3 and comprises an input layer, a hidden layer and an output layer, and a full-connection structure is adopted between adjacent layers. Specifically, the second phase includes a training process and a testing process:
the training process comprises:
s201, determining a model structure according to training data, namely determining the number of neural units of an input layer, a hidden layer and an output layer of the extreme learning machine. In order to ensure the generalization performance of the model, in this embodiment, the feature data samples obtained in the first stage are divided into training data and test data according to a ratio of 2:1, assuming that the training data includes M data samples, the test data includes N data samples, and the feature source and the feature dimension distribution in each data sample are as followsAs shown in table 1, the 531-dimensional image feature, the 12-dimensional meteorological feature and the 24-dimensional mechanical feature connection structure in each data sample form 567-dimensional feature data, and the 1-dimensional ice coating level feature is used as label data, wherein the training feature data XtrainTraining label data Y for MxQ dimensional matrix datatrainFor Mx 1 dimensional matrix data, test feature data XtestFor NxQ dimensional matrix data, test tag data YtestIs N x 1 dimensional matrix data; in the embodiment, M is 1295, N is 647, and Q is 567. Using the training data Xtrain、YtrainTraining the extreme learning machine, and enabling (n, l, M) to respectively correspond to the number of the neural units of the input layer, the hidden layer and the output layer, wherein n is Q, l is M, and M is 1.
S202, solving an optimization problem
Figure BDA0002270290130000091
A closed-form solution of the weight matrix β between the hidden layer and the output layer can be obtained
Figure BDA0002270290130000092
Where T represents the desired output, i.e. T ═ Ytrain,H+A Moore-Penrose generalized inverse of the random eigen-mapping matrix H representing the ELM, whereby the output function of the ELM can be expressed as:
Figure BDA0002270290130000093
where h (x) represents the output matrix of the hidden layer.
The traditional ELM model utilizes the weight, the bias matrix and the activation function between an input layer and a hidden layer to determine an output matrix h (x) of the hidden layer, which easily causes the instability of the algorithm; the embodiment adopts a PR-KELM model and introduces a radial basis kernel function k (x)i,xj) Instead of the eigenmatrix operation H (x) HTThus, the output function is as follows:
Figure BDA0002270290130000094
wherein omegaELM=HHTWhere I denotes a unit matrix, C is a regularization coefficient, and k (x) is a radial basis functioni,xj) The calculation formula of (A) is as follows:
Figure BDA0002270290130000095
wherein i is 1, L, M, j is 1, L, M, xi、xjRepresenting training feature data Xtrainσ is a width reference of the radial basis kernel function, for controlling its radial range of action; by training the tag data T ═ YtrainDetermining omegaELMAnd therefore, the power transmission line icing thickness prediction model based on PR-KELM is obtained through training.
The test phase utilizes test data Xtest、YtestTesting the extreme learning machine model obtained by training, substituting the test characteristic data into the extreme learning machine model in a two-dimensional matrix form, and obtaining a prediction result Y through matrix operationpreFurther constructing an evaluation index function by utilizing a Root Mean Square Error (RMSE), a Mean Absolute Error (MAE), a Mean Absolute Percentage Error (MAPE) and the like, and predicting a result YpreAnd test tag data YtestAnd obtaining an evaluation result of the limit learning machine model as an input parameter of the evaluation index function, and completing construction of the power transmission line icing thickness prediction model.
In order to evaluate the performance of the power transmission line icing thickness prediction model based on PR-KELM, which is finally obtained in the embodiment, the model is compared with other power transmission line icing thickness prediction models based on Random Forest (RF), Support Vector Machine (SVM), BP neural network, Elman neural network and deep learning (BN), and five performance indexes of Root Mean Square Error (RMSE), Mean Absolute Error (MAE), Mean Absolute Percentage Error (MAPE), correlation coefficient value (R) and Nash efficiency coefficient (NSEC) are adopted for evaluation, and the result is shown in Table 2.
TABLE 2 evaluation index values for the respective models
Figure BDA0002270290130000101
The RMSE index is used for evaluating the dispersion degree of the overall predicted value of the model, the RMSE value of the PR-KELM model of the embodiment is 0.6764 and is smaller than that of the RF, SVM, Elman and BN models, and the PR-KELM model has a lower error rate compared with the models; the values of MAE and MAPE of the PR-KELM model in the table are obviously smaller than those of other models, and the smaller the values of MAE and MAPE are, the more ideal the prediction effect of the model is; for NSEC, the PR-KELM model is higher than RF and BN, and the effect is better compared with the two models, but the NSEC values of SVM, BP and Elman are higher; the R coefficient value of PR-KELM is higher than the other models. In an overall view, the PR-KELM based power transmission line icing prediction model is superior to other models.
In this document, the terms front, back, upper and lower are used to define the components in the drawings and the positions of the components relative to each other, and are used for clarity and convenience of the technical solution. It is to be understood that the use of the directional terms should not be taken to limit the scope of the claims.
The features of the embodiments and embodiments described herein above may be combined with each other without conflict.
The above description is only for the purpose of illustrating the preferred embodiments of the present invention and is not to be construed as limiting the invention, and any modifications, equivalents, improvements and the like that fall within the spirit and principle of the present invention are intended to be included therein.

Claims (7)

1. A modeling method of a power transmission line icing thickness prediction model based on PR-KELM is characterized by comprising a first stage of carrying out feature extraction on image data, meteorological data and mechanical data and a second stage of establishing the power transmission line icing thickness prediction model by adopting the PR-KELM, wherein:
the first stage comprises: for image Data, by converting the image Data into local binary pattern image Datan×mAnd using principal component analysis algorithm to the image Datan×mReducing the vitamin content to obtainProcessing a local binary pattern image according to the low-dimensional feature data to obtain a dimension-reduced image; dividing the image after dimensionality reduction into a plurality of small blocks, calculating a gray level histogram of each small block image, and further calculating the gray level histogram cascade of the whole image to obtain extracted image data characteristics;
for meteorological data and mechanical data, performing feature screening by adopting a Relieff algorithm, removing highly-related redundant features, and obtaining extracted meteorological and mechanical feature data;
the second stage comprises: forming feature data by using image data features, meteorological feature data and mechanical feature data extracted in the first stage, taking the icing grade in original image data as label data to jointly form sample data, and dividing the sample data into training data and test data according to a certain proportion; the second phase comprises a training process and a testing process: and training the PR-KELM model by using the training data, testing the trained PR-KELM model by using the test data, and finally obtaining the power transmission line icing thickness prediction model.
2. The modeling method of PR-KELM based power transmission line icing thickness prediction model according to claim 1, wherein in the first stage for feature extraction of image Data, the local binary pattern image Datan×mThe image is an n x m dimensional characteristic matrix, the sub-elements in the matrix represent the number of pixel points with the gray value of m-1 in the corresponding image sample, n represents the number of original image samples, and m represents the number of gray values in an LBP image.
3. The PR-KELM based power transmission line icing thickness prediction model modeling method according to claim 1, characterized in that the image Data is subjected to principal component analysis algorithmn×mThe specific process of carrying out the dimensionality reduction is as follows:
calculating the LBP image Datan×mAverage value corresponding to each dimension
Figure FDA0002270290120000021
Calculating the difference between each dimension data and the average value to obtain new value data DataAdjustn×m
DataAdjustn×m(j,i)=Datan×m(j,i)-mean(i);
Computing new value data DataAdjustn×mThe covariance matrix of (a);
obtaining an eigenvalue and an eigenvector of a covariance matrix based on the covariance matrix;
for the LBP image Data by maximum likelihood estimationn×mPerforming dimension estimation, selecting the first k eigenvalues in descending order according to the estimation result, and performing eigenvector matrix EigenVectors corresponding to the k eigenvaluesn×kAs a base of the mapping space;
data DataAdjust the new valuen×mMapping to a base space to obtain new low-dimensional feature data Fn×k
Fn×k=DataAdjustn×m·EigenVectorsm×k
Wherein k represents the dimension number of the obtained low-dimension feature data, and the low-dimension feature data F is utilizedn×kAnd processing the LBP image to obtain a dimension-reduced image.
4. The PR-KELM based modeling method for the electric transmission line icing thickness prediction model according to claim 1, wherein in the first stage of feature extraction of image data, a histogram is used for counting the number of pixel points corresponding to each gray value in each small image to obtain a gray histogram of each small image; the gray level histogram of each small image together forms the gray level histogram cascade of the whole image.
5. The modeling method of the power transmission line icing thickness prediction model based on the PR-KELM as claimed in claim 1, wherein in the first stage of the feature extraction of meteorological and mechanical data, the specific process of adopting the Relieff algorithm to carry out feature screening is as follows:
sampling a data set formed by meteorological data and mechanical data, wherein the sampling frequency is m, and determining k nearest neighbor samples H from a similar sample set B of any sampling sample Rj(j ═ 1,2, L, k), the same number of nearest neighbor samples M are determined from the heterogeneous sample set Cj(C) (j ═ 1,2, L, k), then the feature weights are updated:
Figure FDA0002270290120000031
wherein W (A) represents the weight corresponding to any feature A, P (. + -.) represents the probability, and the formula diff (A, R) is calculated1,R2) Represents a sample R1、R2The difference in characteristic a is specifically:
Figure FDA0002270290120000032
and setting a characteristic weight threshold delta, and removing the characteristics of which the calculated characteristic weight is smaller than the threshold delta to achieve the purpose of reducing the dimensions of the meteorological data and the mechanical data to obtain the meteorological and mechanical characteristic data.
6. The PR-KELM based modeling method for the power transmission line icing thickness prediction model according to claim 1, wherein the training process of the second stage comprises the following specific processes:
determining the number of neural units of an input layer, a hidden layer and an output layer of the PR-KELM model according to training data, wherein the training characteristic data XtrainTraining label data Y for MxQ dimensional matrix datatrainFor Mx 1 dimensional matrix data, test feature data XtestFor NxQ dimensional matrix data, test tag data YtestThe data is Nx 1 dimensional matrix data, M represents the number of training data samples, N represents the number of test data samples, and Q represents the total number of all features extracted in the first stage; using the training data Xtrain、YtrainTraining PR-KELM model to make (n, l, m) correspond to input layer, hidden layer and output layer respectivelyThe number of the neural units in the layer is determined, wherein n is Q, l is M, and M is 1;
introducing a radial basis kernel function k (x)i,xj) Determining the output function of the PR-KELM model:
Figure FDA0002270290120000033
wherein omegaELM=HHTH is a random feature mapping matrix, I is a unit matrix, C is a regularization coefficient, and a radial basis kernel function k (x)i,xj) The calculation formula of (A) is as follows:
Figure FDA0002270290120000041
wherein i is 1, L, M, j is 1, L, M, xi、xjRepresenting training feature data Xtrainσ is the width reference of the radial basis kernel function; by training the tag data T ═ YtrainDetermining omegaELMAnd training to obtain a power transmission line icing thickness prediction model based on PR-KELM.
7. The modeling method of the PR-KELM based power transmission line icing thickness prediction model according to claim 1 or 6, wherein the specific process of the second stage test process is as follows: test feature data XtestSubstituting the model into PR-KELM model obtained by training in the form of two-dimensional matrix, and obtaining a prediction result Y through matrix operationpreFurther constructing an evaluation index function by utilizing the root mean square error, the average absolute error and the average absolute percentage error, wherein the predicted result Y ispreAnd test tag data YtestAnd obtaining an evaluation result of the limit learning machine model based on the evaluation index function as an input parameter of the evaluation index function, and completing construction of the power transmission line icing thickness prediction model.
CN201911102567.9A 2019-11-12 2019-11-12 Modeling method of power transmission line icing thickness prediction model based on PR-KELM Pending CN110929611A (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN201911102567.9A CN110929611A (en) 2019-11-12 2019-11-12 Modeling method of power transmission line icing thickness prediction model based on PR-KELM

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN201911102567.9A CN110929611A (en) 2019-11-12 2019-11-12 Modeling method of power transmission line icing thickness prediction model based on PR-KELM

Publications (1)

Publication Number Publication Date
CN110929611A true CN110929611A (en) 2020-03-27

Family

ID=69852790

Family Applications (1)

Application Number Title Priority Date Filing Date
CN201911102567.9A Pending CN110929611A (en) 2019-11-12 2019-11-12 Modeling method of power transmission line icing thickness prediction model based on PR-KELM

Country Status (1)

Country Link
CN (1) CN110929611A (en)

Cited By (2)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN112232591A (en) * 2020-11-02 2021-01-15 国网湖南省电力有限公司 Icing thickness intelligent early warning method based on meteorological factors
CN112597629A (en) * 2020-12-01 2021-04-02 中国电建集团江西省电力设计院有限公司 Decision tree model for judging whether conductor is iced or not and method for judging whether conductor is iced or not and predicting duration time of conductor icing

Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN105005235A (en) * 2015-06-10 2015-10-28 国网山东东平县供电公司 On-line icing monitoring system for power transmission line
US20160174902A1 (en) * 2013-10-17 2016-06-23 Siemens Aktiengesellschaft Method and System for Anatomical Object Detection Using Marginal Space Deep Neural Networks
CN105976383A (en) * 2016-05-16 2016-09-28 国网河南省电力公司电力科学研究院 Power transmission equipment fault diagnosis method based on limit learning machine image recognition
US20160364849A1 (en) * 2014-11-03 2016-12-15 Shenzhen China Star Optoelectronics Technology Co. , Ltd. Defect detection method for display panel based on histogram of oriented gradient
CN106595551A (en) * 2016-12-13 2017-04-26 武汉大学 Icing thickness detection method for power transmission line icing image based on deep learning

Patent Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20160174902A1 (en) * 2013-10-17 2016-06-23 Siemens Aktiengesellschaft Method and System for Anatomical Object Detection Using Marginal Space Deep Neural Networks
US20160364849A1 (en) * 2014-11-03 2016-12-15 Shenzhen China Star Optoelectronics Technology Co. , Ltd. Defect detection method for display panel based on histogram of oriented gradient
CN105005235A (en) * 2015-06-10 2015-10-28 国网山东东平县供电公司 On-line icing monitoring system for power transmission line
CN105976383A (en) * 2016-05-16 2016-09-28 国网河南省电力公司电力科学研究院 Power transmission equipment fault diagnosis method based on limit learning machine image recognition
CN106595551A (en) * 2016-12-13 2017-04-26 武汉大学 Icing thickness detection method for power transmission line icing image based on deep learning

Non-Patent Citations (2)

* Cited by examiner, † Cited by third party
Title
YUNLIANG CHEN ET AL.: ""PR-KELM: Icing level prediction for transmission lines in smart grid"", 《FUTURE GENERATION COMPUTER SYSTEMS》 *
蔡星会 等, 国防工业大学出版社 *

Cited By (2)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN112232591A (en) * 2020-11-02 2021-01-15 国网湖南省电力有限公司 Icing thickness intelligent early warning method based on meteorological factors
CN112597629A (en) * 2020-12-01 2021-04-02 中国电建集团江西省电力设计院有限公司 Decision tree model for judging whether conductor is iced or not and method for judging whether conductor is iced or not and predicting duration time of conductor icing

Similar Documents

Publication Publication Date Title
CN111414942B (en) Remote sensing image classification method based on active learning and convolutional neural network
CN107832787B (en) Radar radiation source identification method based on bispectrum self-coding characteristics
CN107194336B (en) Polarized SAR image classification method based on semi-supervised depth distance measurement network
JP6192010B2 (en) Weight setting apparatus and method
CN107180426B (en) Migratable multi-model integration-based computer-aided lung nodule classification device
Huang et al. Vector quantization based on genetic simulated annealing
Boemer et al. Parameter-free image segmentation with SLIC
CN108710948B (en) Transfer learning method based on cluster balance and weight matrix optimization
CN111785329A (en) Single-cell RNA sequencing clustering method based on confrontation automatic encoder
CN104809475B (en) More category scene classification methods based on increment linear discriminant analysis
CN113240201B (en) Method for predicting ship host power based on GMM-DNN hybrid model
CN110929611A (en) Modeling method of power transmission line icing thickness prediction model based on PR-KELM
CN114612715A (en) Edge federal image classification method based on local differential privacy
CN116451139B (en) Live broadcast data rapid analysis method based on artificial intelligence
CN114841209A (en) Multi-target domain electrocardiosignal classification method based on depth field self-adaption
CN116310530A (en) Federal unsupervised image classification model training method, classification method and equipment based on semantic clustering
CN105678798A (en) Multi-target fuzzy clustering image segmentation method combining local spatial information
US11829442B2 (en) Methods and systems for efficient batch active learning of a deep neural network
CN110619311A (en) Data classification method based on EEMD-ICA-SVM
CN113221614A (en) Power grid insulator damage image identification method based on hybrid neural network
CN111310996B (en) User trust relation prediction method and system based on graph self-coding network
CN106295688B (en) A kind of fuzzy clustering method based on sparse mean value
CN115426671B (en) Method, system and equipment for training graphic neural network and predicting wireless cell faults
CN109325515B (en) Depth matrix decomposition method and image clustering method based on local learning regularization
CN115345207A (en) Self-adaptive multi-meteorological-element prediction method

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
RJ01 Rejection of invention patent application after publication

Application publication date: 20200327

RJ01 Rejection of invention patent application after publication