Next Article in Journal
Localization of Radio Sources Using High Altitude Platform Station (HAPS)
Next Article in Special Issue
Forced Oscillation Detection via a Hybrid Network of a Spiking Recurrent Neural Network and LSTM
Previous Article in Journal
Development and Validation of a Low-Cost External Signal Acquisition Device for Smart Rail Pads: A Comparative Performance Study
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Secondary Operation Risk Assessment Method Integrating Graph Convolutional Networks and Semantic Embeddings

1
State Grid Jiangsu Electric Power Co., Ltd., Huaian Power Supply Branch, Huaian 223000, China
2
State Grid Jiangsu Electric Power Co., Ltd., Wuxi Power Supply Branch, Wuxi 214200, China
3
School of Electrical and Electronic Engineering, North China Electric Power University, Baoding 071003, China
4
Department of Computer, North China Electric Power University, Baoding 071003, China
*
Author to whom correspondence should be addressed.
Sensors 2025, 25(6), 1934; https://doi.org/10.3390/s25061934
Submission received: 30 January 2025 / Revised: 6 March 2025 / Accepted: 18 March 2025 / Published: 20 March 2025
(This article belongs to the Special Issue Diagnosis and Risk Analysis of Electrical Systems)

Abstract

:
In the power industry, secondary operation risk assessment is a critical step in ensuring operational safety. However, traditional assessment methods often rely on expert judgment, making it difficult to efficiently address the challenges posed by unstructured textual data and complex equipment relationships. To address this issue, this paper proposes a hybrid model that integrates graph convolutional networks (GCNs) with semantic embedding techniques. The model consists of two main components: the first constructs a domain-specific knowledge graph for the power industry and uses a GCN to extract structural information, while the second fine-tunes the RoBERTa pre-trained model to generate semantic embeddings for textual data. Finally, the model employs a hybrid similarity measurement mechanism that comprehensively considers both semantic and structural features, combining K-means clustering similarity search with a multi-node weighted evaluation method to achieve efficient and accurate risk assessment. The experimental results demonstrate that the proposed model significantly outperforms the traditional methods in key metrics, such as accuracy, recall, and F1 score, fully validating its practical application value in secondary operation scenarios within the power industry.

1. Introduction

With the continuous expansion of power networks, the level of intelligence in distribution networks has significantly improved, placing higher demands on their operational safety, stability, and maintenance capabilities [1]. To meet these requirements, the maintenance mode of distribution network automation devices is transitioning from traditional scheduled maintenance to condition-based maintenance. In this transition, precise risk assessment of secondary operations is particularly crucial. Secondary operations directly affect the stable operation of the power grid and the safety of personnel and property. Inadequate or incorrect risk assessment can lead to severe safety incidents, including large-scale blackouts. Thus, it serves not only as a key step in ensuring operational safety but also as a critical factor in enhancing operational efficiency [2].
In the power industry, secondary operations are a vital component of system maintenance, where their safety and efficiency are closely tied to grid stability [3]. However, as power systems grow increasingly complex, the difficulty of risk assessment for secondary operations has also escalated. Traditional risk assessment methods mainly rely on expert judgment, making them insufficient when dealing with large volumes of unstructured textual data and intricate equipment relationship information. Moreover, these traditional methods are often highly subjective and lack reproducibility. Different experts may arrive at significantly different evaluations for the same task, leading to inconsistent and incomparable results [4]. The limitations of expert experience may also overlook potential risk factors, compromising the comprehensiveness and accuracy of assessments. For example, secondary operations involve vast amounts of non-structured data, such as operating procedures, equipment manuals, and historical failure records. While these data contain valuable risk information, the traditional methods struggle to extract and utilize them effectively [5]. Furthermore, the intricate relationships between devices in power systems mean that a fault in one device can trigger cascading failures, which are often beyond the scope of traditional expert-based methods.
To address these challenges, this paper proposes a hybrid model that integrates a GCN with semantic embedding. This model efficiently processes unstructured textual data and uncovers complex relationships between devices, actions, and risk levels, offering a novel perspective and solution for secondary operation risk assessment. The main contributions of this paper include the following:
  • The proposed model innovatively combines semantic embeddings generated by RoBERTa with structural embeddings extracted by a GCN. Unlike traditional methods that focus on either semantic or structural information, this hybrid model leverages both to improve evaluation accuracy.
  • This paper constructs a structured knowledge graph for secondary operation scenarios in the power industry and utilizes a GCN to extract structural information from graph nodes, providing reliable support for risk assessment.
  • This paper employs the K-means clustering similarity search algorithm to significantly reduce computational complexity. Additionally, a multi-node weighted evaluation method is introduced to comprehensively consider the risk scores of multiple similar nodes, further enhancing the precision and reliability of the assessment results.
  • We evaluate the proposed model on power datasets. Compared to the other models, our model achieves the best results in terms of accuracy, recall, and F1 score. Furthermore, an ablation study evaluates the effectiveness of combining semantic and structural embeddings, as well as the similarity measurement mechanism.
This paper is divided into five main sections: Section 1 introduces the research background and current status of risk assessment for secondary operations in the power industry, highlighting the limitations of the traditional methods. Section 2 provides a critical review of the related work, summarizing the existing research and emphasizing the theoretical value of the innovations presented in this paper. Section 3 elaborates on the methodology, progressing from the macro framework to the technical details. Section 4 covers the experimental setup and results analysis, providing a comprehensive validation of the model’s effectiveness. Section 5 concludes the paper by summarizing the findings, identifying the potential of the technology, and suggesting directions for future research.

2. Related Work

In the field of secondary operation risk assessment, the existing research mainly focuses on traditional risk assessment methods, knowledge graph applications, and semantic embedding technology.
Traditional risk assessment methods usually rely on expert judgment and manual analysis. Although these methods can provide effective assessment results in some cases, they also have obvious limitations. For example, expert systems perform risk assessment by simulating expert decision-making processes, but they rely too much on predefined rules and expert knowledge bases and have difficulty coping with complex and dynamic real-world scenarios [6]. In addition, although the analytic hierarchy process (AHP) and fuzzy comprehensive evaluation methods are widely used, they are usually subjective and overly dependent on the experience and judgment of the assessor, which may lead to inconsistency and deviations in assessment results [7,8]. The inherent subjectivity of these methods and their lack of scalability further limit their application in complex and changing risk environments.
As a structured knowledge representation method, knowledge graphs have gained wide attention in risk assessment applications in recent years. By organizing domain knowledge into graphs, knowledge graphs can effectively capture the complex relationships between entities and provide strong support for risk assessment. However, the existing research on knowledge graphs in the power sector [9,10], especially the research on fault prediction and risk assessment, mainly focuses on the structure and operating status of power systems [11,12]. These studies often ignore the complexity associated with secondary operation risk assessment.
Semantic embedding technology can capture the semantic similarity between texts by converting text data into high-dimensional vector representations. In the field of natural language processing, pre-trained language models such as BERT [13], K-BERT [14], and RoBERTa [15,16] generate high-quality semantic embeddings by training on large-scale corpora. These technologies have achieved remarkable results in tasks such as text classification, sentiment analysis, and information retrieval. In risk assessment, semantic embedding technology is also used to process unstructured text data and extract semantic information related to risks [17,18]. However, these technologies often find it difficult to fully capture the detailed contextual relationships in professional fields such as power systems, especially in the complex context of specific fields.
A GCN [19] is a neural network model specially designed to process graph structured data, which can effectively process graph data. In the field of traffic risk assessment [20], GCNs have demonstrated excellent performance. For example, a model combining a GCN with LSTM can simulate spatiotemporal relationships and perform risk assessment on different behaviors of vehicles [21]. In addition, there are studies that combine a transformer and a GCN to perform collision risk assessment on vulnerable pedestrians [22]. Although the GCN performs well in processing graph data, its application in secondary operation risk assessment is still relatively scarce.
In summary, although traditional risk assessment methods, knowledge graph applications, and semantic embedding technology have made significant progress in their respective fields, they still face many challenges in dealing with the complex risk scenarios of power secondary operations. To address these challenges, this paper proposes a hybrid model based on graph convolutional networks and semantic embedding technology, which aims to improve the accuracy of risk assessment by integrating structural information and semantic information.

3. Methodology

3.1. Model Architecture

The overall framework is as shown in Figure 1, which mainly consists of two branches: semantic embedding branch and structural embedding branch. First, the input text generates deep semantic embedding through the RoBERTa model. After the feature dimension is compressed by the mean pooling layer, the context representation is strengthened by the 12-layer BERTEncoder to capture the semantic association. At the same time, the knowledge graph performs convolution operations through the graph convolutional network (GCN) to extract the structured representation of the nodes and capture the topological relationship between the nodes. Next, the hybrid similarity measurement mechanism is used to fuse the representations from the semantic embedding and structural embedding branches, and the K-means clustering method is used to screen out nodes with high similarity. Finally, the risk scores of similar nodes are aggregated through the multi-node weighted evaluation layer, and the risk level is finally output, thereby achieving accurate prediction and evaluation of secondary operation risks.

3.2. Knowledge Graph Construction

The knowledge graph for power secondary operations is specifically designed to assist personnel in efficiently conducting knowledge retrieval, precise risk classification, and informed decision-making during the secondary operation process. Through the meticulous construction of this knowledge graph, we are able to organize the professional knowledge, potential risk factors, and valuable empirical rules closely related to the operations in a structured manner, thereby providing robust assistance and support for on-site operations. The construction process of the knowledge graph is shown in Figure 2, In the figure, structured data, semi-structured data, and unstructured data represent the three main types of data sources. The knowledge extraction stage covers three core tasks: entity extraction, relationship extraction, and attribute extraction. The goal of entity extraction is to identify key entities in the text, relationship extraction is used to clarify the relationship between different entities, and attribute extraction focuses on capturing various attribute information of entities. In the knowledge fusion stage, there are two important tasks: entity alignment and entity disambiguation. Entity alignment aims to resolve entity conflicts between different datasets and ensure that multiple representations of the same entity can be effectively matched, while entity disambiguation is used to clarify ambiguous or unclear entity references to ensure the accuracy and consistency of knowledge. Finally, the knowledge storage stage involves ontology construction and the use of Neo4j. The main function of ontology construction is to define the hierarchical relationship between entities and their semantic rules. Neo4j is a structured storage system based on a graph database that can effectively store and query entities and their relationships.

3.2.1. Data Acquisition and Ontology Construction

The data used for constructing the knowledge graph primarily come from the Electric Power Secondary Operations Risk Grading Table and the Relay Protection Risk Procedure Library. These materials provide comprehensive descriptions of the risk factors and operational standards involved in secondary operations in the electric power domain. During the data acquisition phase, this study employed various types of sensors to comprehensively monitor and collect risk factors associated with secondary operations in the power sector. The main sensors and their specific applications are as follows:
  • Current and Voltage Sensors: These sensors are used to monitor real-time changes in current and voltage on busbars, especially during retrofitting or testing processes. They can accurately capture fluctuations caused by line switching or equipment commissioning, providing critical data for early anomaly detection.
  • Fault Location Sensors: During equipment retrofitting, testing the response performance of protection devices may be necessary. Fault location sensors generate and capture fault signals to verify whether the protection devices are functioning correctly, ensuring system stability.
  • Environmental Monitoring Sensors: In scenarios where primary equipment remains in service, there may be heightened risks of electromagnetic interference and thermal effects. Environmental monitoring sensors, such as electromagnetic radiation sensors and temperature–humidity sensors, provide real-time surveillance of the working environment, assess its safety, and support risk mitigation efforts.
  • Grounding Resistance Sensors: These sensors are used to check whether the grounding status of out-of-service equipment meets safety standards. By accurately measuring grounding resistance, they help to prevent safety hazards caused by poor grounding.
The knowledge graph for secondary operations consists of two main levels: the ontology layer and the entity layer. The ontology layer defines the core concepts and their relationships within the domain, while the entity layer stores the specific entities and relationship information described in the ontology. This layered structure enables the systematic modeling of knowledge related to electric power secondary operations.
During the construction of the knowledge graph, domain experts in the electric power field provided guidance for the comprehensive summary of entities and relationships in the basic corpus, as well as the standardized definition of relationship types. The ontology layer’s definition rules are illustrated in Figure 3, covering four types of entities (position, equipment, act, and risk) and their relationships (condition, behavior, and return). This definition effectively describes the state and behavior of equipment under different conditions, along with the associated risk levels, thereby laying a solid foundation for subsequent text annotation and entity relationship extraction.
Since most existing electric power secondary operation texts are unstructured, preprocessing is essential before knowledge extraction. The preprocessing steps include the following:
  • Data Filtering: Cleaning the text corpus to remove irrelevant data and unnecessary characters that do not contain entity relationships, retaining only content relevant to knowledge extraction;
  • Sentence Segmentation: Splitting longer sentences into reasonable segments to ensure that each segment has an appropriate length and contains at least one entity relationship pair. This helps the model to better recognize entity relationships and improves extraction efficiency;
  • Data Annotation: The Label Studio annotation tool is used to mark entities in the text according to the BIO format. During this process, entities and relationships in the preprocessed text are precisely labeled, enabling the model to learn the structure and associations of domain-specific knowledge during training.

3.2.2. Knowledge Extraction

Knowledge extraction is a core step in constructing the knowledge graph, responsible for identifying and extracting knowledge related to electric power secondary operations from preprocessed text. This stage comprises two main parts: named entity recognition (NER) and relationship extraction.
In the NER stage, the BERT-BiLSTM-CRF model is employed, consisting of three primary components. The base layer uses a bidirectional transformer as the encoder, fully capturing the associations between words and their contexts. BERT consists of 12 transformer layers, and the output h is obtained after processing through all 12 layers [23]. The computation in each transformer layer is as follows:
G = LN ( H l 1 + MHAttn ( H l 1 ) )
H l = LN ( G + FFN ( G ) )
where H l = { h l 1 , h l 2 , . . . , h l n } represents the output of the l-th layer, H 0 = E ; LN is layer normalization, MHAttn is the multi-head attention mechanism, and FFN is a feedforward neural network with ReLU as the activation function.
The output from the BERT layer is fed into the BiLSTM layer. At time t, given input x t , the hidden layer output h t of the LSTM is computed as
i t = σ ( W x i x t + W h i h t 1 + W c i c i 1 + b i )
where W x i , W h i , and W c i are weight matrices, b i is the bias, and σ is the activation function.
The Conditional Random Field (CRF) selects the label sequence with the highest probability as the prediction result [24]. The evaluation score of the CRF model is defined as
s ( x , y ) = W ( y i 1 , y i ) + P ( i , y i )
where W is the transition matrix representing label transition scores, and P ( i , y i ) denotes the score of the i-th character for its predicted label. CRF selects the optimal label sequence as the final prediction.
After completing NER, entity pairs are constructed from the text. For each entity pair, the sentence containing the pair is extracted as input for relationship extraction, and the relationship between the entities is annotated. In the relationship extraction stage, two separate multi-layer perceptrons (MLPs) are used to handle subject–object separation of input words. Basic MLP units are employed to extract features relevant to relationship classification. This feature dimensionality reduction process discards irrelevant information for relationship classification and retains first-order interaction features between subject and object words, directly representing the relationship between the two entities.

3.2.3. Knowledge Fusion

Knowledge extraction provides entities, relationships, and attributes from unstructured and semi-structured data, forming the foundation for knowledge graph construction. However, due to the diverse and inconsistent quality of data sources, the extracted results often contain redundant and erroneous information. Further data cleaning and integration are required, involving two key steps: entity disambiguation and entity alignment. Entity disambiguation aims to address the issue of homonymous entities with different meanings in the extracted results. A CRF model is employed, leveraging defined feature and energy functions to establish relationships between observation and label sequences. The disambiguation task is achieved by maximizing conditional probability. The label prediction score is calculated as
s c o r e ( x , y ) = i = 0 n A y i , y i + 1 + i = 1 n P i , y i
P ( y X ) = e s ( X , y ) f Y x e s ( X , y ¯ )
where P i , y i represents the emission score, which is the likelihood of the i-th character being predicted as the y i label. A denotes the transition score between labels. P ( y X ) indicates the probability of labeling the input sequence X as the sequence y. Entity alignment seeks to unify entities referring to the same object across different data sources. A logistic-regressionbased alignment model is utilized, expressed as
P ( y = 1 x 1 , x 2 ) = σ ( w T x )
where P ( y = 1 x 1 , x 2 ) represents the probability of entity pair alignment under features x 1 and x 2 . σ is the Sigmoid function mapping inputs to the [0, 1] range; w represents model weights, and x is the concatenated feature vector.

3.2.4. Knowledge Storage

Neo4j is a user-friendly and extensible graph database, representing entities as nodes and relationships as edges. This graph-based structure facilitates intuitive visualization of custom knowledge graphs and enables efficient graph data operations through its powerful query language, Cypher. Users can employ Cypher statements to search, delete, and supplement relationships in the knowledge graph, significantly enhancing the efficiency of knowledge data management and utilization.
Moreover, Neo4j supports large-scale data processing, making it especially suitable for scenarios with multi-layered complex relationships. In the field of electric power secondary operations, the constructed knowledge graph effectively captures associations between equipment, processes, and risk factors. Figure 4 illustrates a segment of the knowledge graph, showcasing relationships between different nodes (e.g., equipment, actions, and risk levels). This visual structure helps users to better understand and manage such information.

3.3. GCN Structural Embedding Generation

After establishing the operational knowledge graph in Neo4j, a GCN is subsequently used to extract its topological properties. A GCN is a neural network model specially designed for processing graph structured data. Its core idea is to update node representation by aggregating feature information of node neighbors. This feature enables the GCN to effectively model the topological associations between devices in the power system (such as the linkage relationship between relay protection devices and circuit breakers) and is particularly suitable for processing the propagation path analysis of the mutual influence of device states in secondary operations. As shown in Figure 5, the GCN structure designed for risk grading in secondary operations consists of four graph convolutional blocks and a cosine similarity computation unit. Each graph convolutional block contains three graph convolutional layers, one pooling layer, and one fully connected layer. Each block performs feature transformation and aggregation operations. The cosine similarity computation unit calculates the similarity between node features, supporting link prediction and node classification. Firstly, it is necessary to convert the structure of the knowledge graph into a format suitable for a GCN, which is the preparation stage of the graph structure. This means representing various entities in the secondary tasks as nodes in the graph and their relationships as edges. A graph G = ( V , L ) is defined, where V is the set of nodes ( V = E = E T E L ) and L is the set of edges ( L = R = R P R L ). In the context of secondary operation risk evaluation, the node set V includes position, equipment, act, and risk, while the edge set L consists of edges that describe the relationships among these nodes. Each node ν V is associated with a feature vector f v . A feature matrix F is constructed, where each row f v represents the feature variables of a node v, including direct attributes and connectivity metrics derived from relationships such as degree and centrality. An adjacency matrix X is also constructed, where X u ν = 1 indicates the presence of an edge between nodes u V and ν V , and X u ν = 0 otherwise. For each node ν V , direct attributes are represented as a vector A = a ν 1 , . . . , a ν n , and the in-degree and out-degree are calculated as follows:
deg out ( ν ) = | { u | ( ν , u ) E } |
deg in ( ν ) = { u ( u , ν ) E }
The in-degree centrality C i n ( v ) and out-degree centrality C out ( ν ) are defined as
C i n ( v ) = deg i n ( v ) N 1
C out ( ν ) = deg out ( ν ) N 1
where N represents the total number of nodes. Therefore, the feature vector of each node v is expressed as f ν = [ a ν 1 , . . . , a ν n , deg in v , deg out v , C in v , C out v ]

3.4. RoBERTa Semantic Embedding Fusion

This study uses RoBERTa, an improved version of the BERT model, as a pre-trained language model. RoBERTa uses a larger corpus for training and can effectively capture the semantics and contextual relationships in the text. By fine-tuning the dataset from the power sector, it can quickly converge and generate high-quality text representations in specific tasks, especially when dealing with texts containing professional terms and high contextual complexity.
At the initial stage of text processing, the input sentences are first tokenized into manageable lexical units. Additionally, special markers [CLS] and [SEP] are added to each input sequence: [CLS] is used for sentence representation (e.g., in classification tasks), while [SEP] is used to distinguish between sentences and paragraphs. These tokens are then transformed into word embedding vectors through an embedding layer, which maps each token into a fixed-dimensional vector space. These vectors not only capture the basic semantic meaning of the tokens but also retain subtle differences in meaning depending on the surrounding context.
To preserve positional information of tokens in the sentence, the model adds a positional encoding vector for each token. This vector uniquely identifies the position of a token in the sequence, enabling the model to understand the order of tokens. The vectors, enriched with semantic and positional information, are then fed into the transformer encoder for further processing.
The transformer encoder consists of multiple identical layers, each comprising two key components: self-attention mechanisms and feedforward neural networks. The selfattention mechanism allows the model to dynamically focus on other relevant tokens in the sequence while processing each token, thereby capturing long-distance dependencies. The feedforward neural network performs non-linear transformations on the attentionweighted vectors, further refining the semantic features. Through the iterative interaction of self-attention and feedforward networks across multiple layers, the model constructs increasingly rich and abstract semantic representations, laying a robust foundation for downstream tasks.

3.5. Similarity Measurement Mechanism

To accurately quantify the similarity between semantic embeddings and structural embeddings while improving the efficiency of similarity computation and the precision of similarity search, this study proposes a novel similarity measurement mechanism. Specifically, a hybrid similarity measurement method is designed to address the differences in representation between the text semantic embeddings generated by RoBERTa and the graph node embeddings generated by a GCN, enabling a more comprehensive capture of their relationships. Furthermore, by integrating the K-means clustering similarity search approach with a multi-node weighted evaluation strategy, the model achieves more precise risk assessments, ultimately delivering accurate and reliable risk level evaluation results.
The hybrid similarity measurement consists of two components: semantic similarity measurement and structural similarity measurement. Since both semantic embeddings and structural embeddings are represented as high-dimensional vectors, cosine similarity is used to evaluate the angular relationship between vectors, thereby calculating the semantic similarity. The formula is as follows:
S s e m = h t · h n h t h n
where h t represents the text semantic embedding, h n represents the graph node embedding, h t and h n denote the norms of the two vectors, and S s e m is the semantic similarity score. A score closer to 1 indicates higher similarity. This formula quantifies the similarity in the embedding space by calculating the angle between the two vectors. Additionally, a GCN learns the graph structure information in the risk knowledge graph of secondary operations to generate embeddings for each node. These embeddings incorporate not only the features of the nodes themselves but also the contextual information of their neighbors. Based on the local structural information of nodes, the structural similarity between a graph node embedding and its neighbors is calculated as follows:
S s t r = h n · h n h n h n
where h n represents the graph node embedding, h n denotes the neighbor node embedding, and S s t r is the structural similarity score. This approach captures the local structural information of graph nodes more effectively. Finally, semantic similarity scores and structural similarity scores are weighted and combined to obtain the final hybrid similarity score:
S h s e m = α S s e m + ( 1 α ) S s r .
where S h s e m is the hybrid similarity score, and α is the weight parameter used to balance semantic and structural contributions.
After similarity measurement, the next step is to use the hybrid similarity score to select the most relevant nodes as inputs for risk assessment. To improve the efficiency and accuracy of similarity search, clustering is performed on the embedding vectors prior to the search. Clustering reduces the search range in the embedding space and significantly lowers computational costs. Specifically, semantic embedding matrix H t and structural embedding matrix H n are constructed based on h t and h n respectively, and then concatenated to form the embedding matrix E . The K-means algorithm is applied to the embedding matrix [25]. Initially, K nodes are chosen as cluster centroids C j ( j = 1 , 2 , . . . , K ) . For each sample E i , its distance to each cluster centroid is computed, and the sample is assigned to the nearest cluster:
Cluster ( E i ) = arg min i E i C j 2
Cluster centroids are updated based on the nodes within each cluster:
C j = 1 N j E i e C i E i
where N j is the number of nodes in cluster j. After clustering, similarity calculation is performed on the embedding matrix. The similarity score is computed using cosine similarity:
S i = E i · h t E i h t
where S i is the similarity score between the node and the input embedding h. Similarity scores within the same cluster are ranked, and the top K nodes are returned as follows:
TopK j = argsort ( S i ) [ K k : ] [ : : 1 ]
where K k represents the number of nodes to return. After identifying the most relevant nodes in the secondary operation risk knowledge graph using the innovative similarity measurement and search methods, a multi-node weighted evaluation method is applied. This method calculates the final risk assessment by averaging the top K nodes’ risk values with their similarity scores as weights. The formula is as follows:
L f = i = 1 K S i × L i i = 1 K S i
where L represents the final risk level, S i is the similarity score of the top K nodes, and L i is the risk assessment value of each node.

4. Results

4.1. Datasets and Parameter Settings

In order to quantitatively evaluate the proposed framework, this paper conducted a series of experiments based on actual power operation data. The dataset contains 3240 annotated work orders from the State Grid, combined with the knowledge graph in the power sector. These work orders cover multiple risk classification cases related to secondary operations, involving factors such as voltage level, high-risk operation content, and risk level of operation, etc. For details, see Table 1. In addition, the knowledge graph in the power sector is shown in Figure 4, which provides the relationship between equipment, operation, and risk, providing valuable structured knowledge for risk assessment.
In the data annotation process, this paper uses the Label Studio annotation tool and annotates the entities in the text according to the BIO format. The specific annotation form is shown in Table 2. The BIO format is a widely used annotation method for sequence annotation tasks, where “B” indicates the start position of the entity, “I” indicates the internal part of the entity, and “O” indicates the non-entity part. With this annotation method, the entities and their boundaries in the text can be accurately identified, and the type of entity can be determined, thereby providing high-quality annotation data for subsequent entity recognition tasks. Through BIO annotation, the entities and their boundaries in the text can be clearly identified, providing structured entity information for subsequent knowledge extraction tasks. This information is the basis for effective knowledge extraction. As a key component in the risk assessment model, knowledge extraction plays a vital role. In particular, correct knowledge extraction can identify the relationship between equipment and operations, providing valuable input for risk prediction. At the same time, the parameter settings of the model directly affect the quality of the subsequent model inputs, so an appropriate parameter configuration is crucial to improving the performance of the model. The specific parameter settings are shown in Table 3, which provides clear guidance for model training and evaluation.

4.2. Experimental Environment and Evaluation Metrics

The experiments in this paper were conducted on a computer with Ubuntu 18.04 LTS as the operating system, equipped with a GeForce GTX 2080 Ti GPU (Beijing Rongtianhuihai Technology Co., Beijing, China). The deep learning framework used is PyTorch 1.10, with Python version 3.7, and Cuda and CUDNN versions 10.2. The model learning rate was set to 1 × 105, with 20 training epochs, and a batch size of 16 during training. The evaluation metrics of this model are precision (P), recall (R), and F 1 score. The formulas for these three evaluation metrics are as follows:
P = T p T p + F p
R = T p T p + F N
F 1 = 2 P R P + R
where T P represents the correctly predicted instances, F P refers to instances that were predicted but incorrectly classified, and F N indicates the instances that were not predicted. The F 1 score is the harmonic mean of P and R, which provides a comprehensive reflection of the model’s predictive performance.

4.3. Results Analysis

In order to verify the performance of the knowledge extraction module, this study used the BERT-BiLSTM-CRF model for named entity recognition tasks and conducted comparative experiments with three baseline models. The detailed experimental results are shown in Table 4. The experimental results show that the BERT-BiLSTM-CRF entity recognition model significantly outperforms the other two baseline models. This advantage is mainly attributed to the powerful ability of the BERT pre-trained language model, which can dynamically generate word vectors, thereby significantly improving the performance of entity recognition. In addition, the BiLSTM model can more comprehensively extract contextual features by effectively capturing long-distance semantic information, further enhancing the model’s ability to recognize complex entities. Through this hybrid model combining BERT, BiLSTM, and CRF, this study successfully improved the accuracy and robustness of the named entity recognition task, fully demonstrating the unique advantages of the model in capturing semantic and contextual information.
In order to verify the performance of the proposed model in the classification of secondary operational risks, this paper conducted a comparative experiment to compare the proposed model with other existing models. The experimental results show that the proposed model achieved the best performance in terms of accuracy, recall, and F1 score. The detailed experimental results are shown in Table 5. From the experimental results, it can be seen that traditional methods such as Ranking SVM_EL and C-DSSM rely on artificial feature engineering or shallow networks, which have difficulty capturing the deep association of text semantics and the cascade risk between devices, resulting in strong subjectivity and weak generalization in the evaluation results. Although graph models such as GAT can effectively capture the topological relationship between devices, their ability to understand the semantics of pure text is limited, and they can only play a complementary role when combined with semantic embedding. Although pre-trained language models such as BERT learn contextual semantics through a large-scale corpus and significantly improve the ability of text feature extraction, they still lack sufficient relational reasoning ability. The model proposed in this paper combines the advantages of semantic understanding and relational reasoning and shows a more comprehensive performance in complex scenarios in the power field.
In order to verify the semantic embedding, structural embedding, and similarity measurement mechanism modules, this paper conducted a series of ablation experiments. The experimental results show that the model performs best when the three components exist at the same time. The detailed experimental results are shown in Table 6. When the semantic embedding is removed, the model’s text understanding ability is limited and it cannot fully capture the deep semantic information contained in the text description, resulting in decreases in both precision and recall and a decrease in F1 score. When the structural embedding is removed, it is difficult for the model to effectively model the relationship between nodes, resulting in a decrease in the ability to capture device cascade risks and ultimately causing a significant decline in the overall performance. When the similarity measurement mechanism is removed, the model lacks the means to effectively combine semantic and structural features, and it is difficult to achieve complementarity between different types of information, resulting in a decrease in model performance.

5. Conclusions

In this paper, a hybrid model integrating a graph convolutional network and semantic embedding is proposed to address the challenges of unstructured text processing and complex equipment relationship modeling in the risk assessment of secondary power operations. This method realizes the collaborative reasoning of equipment topological relationships and operation text semantics by constructing a knowledge graph in the power field. The GCN layer effectively captures the functional associations and risk transmission paths between secondary equipment. The dynamically fine-tuned RoBERTa model accurately analyzes the risk semantic features in the operation ticket text. The hybrid similarity measurement mechanism dynamically balances the contribution of semantic features and structural features through the α parameter, further improving the accuracy of the model. The experimental results show that the proposed model significantly outperforms the traditional methods in indicators such as precision, recall rate, and F1 score. In addition, the proposed model has great potential in a wider range of industrial applications. For example, in the field of smart manufacturing, it can assess the risks of automated production lines by analyzing the interdependencies between equipment and maintenance logs; in transportation systems, the model can combine infrastructure maps and maintenance records to assess the safety of railway signal operations. Since the framework can adapt to multi-source data, it has also become an important candidate technology for cross-industry risk management, and it is suitable for oil and gas pipeline monitoring, chemical plant safety assessment, and other fields. Future research will focus on three directions:
  • Building a dynamic knowledge graph update mechanism and using online learning to integrate new equipment parameters and operation and maintenance records in real time.
  • Developing a lightweight graph neural network architecture and adapting edge computing devices to achieve on-site risk assessment.
  • Exploring multi-agent collaborative evaluation models and optimizing the semantic embedding space in combination with expert experience feedback.

Author Contributions

Conceptualization, P.Z. and Y.L.; methodology, P.Z. and Y.L.; software, P.X.; validation, P.L. and Y.L.; formal analysis, P.X.; investigation, P.L.; resources, P.X.; data curation, P.Z. and P.L.; writing—original draft preparation, P.X.; writing—review and editing, P.L.; visualization, Z.Z.; supervision, G.L.; project administration, Z.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by State Grid Jiangsu Electric Power Company Science and Technology Project: J2023106.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

We apologize that the power data cannot be disclosed due to their particularity and confidentiality; further inquiries can be directed to the corresponding author.

Conflicts of Interest

Authors Pengyu Zhu, Youwei Li, and Ping Li were employed by State Grid Jiangsu Electric Power Co., Ltd. Huaian Power Supply Branch. Author Peidong Xu was employed by State Grid Jiangsu Electric Power Co., Ltd. Wuxi Power Supply Branch. The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as potential conflicts of interest.

References

  1. Ju, P.; Zhou, X.; Chen, W.; Yu, Y.; Qin, C.; Li, R.; Wang, C.; Dong, X.; Liu, J.; Wen, J. A Review of Research on “Smart Grid+”. Electr. Power Autom. Equip. 2018, 38, 2–11. [Google Scholar]
  2. Zhang, Y.; Wang, A.; Zhang, H. A Review of Smart Grid Development in China. Power Syst. Prot. Control 2021, 49, 180–187. [Google Scholar]
  3. Zhang, H.; Zhang, B. Reliability Evaluation Method for Secondary Safety Measures in Substation Secondary Equipment Maintenance Based on Maintenance Strategies. Hebei Electr. Power Technol. 2024, 43, 43–49. [Google Scholar]
  4. Zhao, W.; Fan, G.; Wu, X.; Wang, Y.; Bai, J.; Zhao, L. Research and Application of Substation Secondary Safety Ticket Generation Technology Based on Self-Learning Technology. Electr. Meas. Instrum. 2024, 61, 151–157. [Google Scholar]
  5. Fan, W.; Zhu, H.; Feng, X.; Dong, J.; Gao, X.; Hu, Y. A Secondary Safety Measure Verification Method for Smart Substations Based on Signal Simulation. Electr. Power Autom. Equip. 2020, 40, 1–10. [Google Scholar]
  6. Hu, L. Fault Analysis and Research of Power Systems Based on Expert Systems. J. Change Inst. Technol. 2014, 27, 33–37. [Google Scholar]
  7. Wu, M.; Huang, X.; Zhu, Y.; Jiang, W. Risk Assessment of Cable Lines Based on the Analytic Hierarchy Process. J. Xi’an Polytech. Univ. 2019, 33, 637–642. [Google Scholar]
  8. Zhao, J. Analysis of Violation Identification Factors and Research on Risk Assessment System for Distribution Network Operations. Master’s Thesis, Hunan University, Changsha, China, 2023. [Google Scholar]
  9. Qi, D.; Yan, W.; Yan, Y.; Peng, J.; Guo, B. Research Status and Development of Event Knowledge Graph for Power Dispatching. J. Electron. Inf. Technol. 2025, 47, 1–11. [Google Scholar]
  10. Tian, J.; Song, H.; Chen, L.; Sheng, G.; Jiang, X. A Method for Entity Recognition in Equipment Fault Texts for Knowledge Graph Construction. Power Syst. Technol. 2022, 46, 3913–3922. [Google Scholar] [CrossRef]
  11. Jiang, C.; Wang, Y.; Chen, M.; Li, C.; Wang, Y.; Ma, G. Transformer Fault Identification Based on Kbert Text Clustering Model. High Volt. Eng. 2022, 48, 2991–3000. [Google Scholar] [CrossRef]
  12. Kun, L.; Baoxian, Z.; Yiying, Z.; Yiping, L.; Bo, Z.; Xiankun, Z. PF2RM: A Power Fault Retrieval and Recommendation Model Based on Knowledge Graph. Energies 2022, 15, 1810. [Google Scholar] [CrossRef]
  13. Devlin, J.; Chang, M.-W.; Lee, K.; Toutanova, K. BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding. In Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1 (Long and Short Papers); Association for Computational Linguistics: Minneapolis, MN, USA, 2019; pp. 4171–4186. [Google Scholar]
  14. Liu, W.; Zhou, P.; Zhao, Z.; Wang, Z.; Ju, Q.; Deng, H.; Wang, P. K-BERT: Enabling Language Representation with Knowledge Graph. Proc. AAAI Conf. Artif. Intell. 2020, 34, 2901–2908. [Google Scholar] [CrossRef]
  15. Delobelle, P.; Winters, T.; Berendt, B. Robbert: A dutch roberta-based language model. arXiv 2020, arXiv:2001.06286. [Google Scholar]
  16. Chen, Y.; Lin, D.; Meng, Q.; Liang, Z.; Tan, Z. Named entity identification in the power dispatch domain based on RoBERTa-attention-FL model. Energies 2023, 16, 4654. [Google Scholar] [CrossRef]
  17. Lin, L.; Chen, Q.; Jin, L.; Wang, L. Research and Application of Fault Knowledge Representation for Substation Alarm Information Based on Knowledge Graph. Power Syst. Prot. Control 2022, 50, 90–99. [Google Scholar]
  18. Yang, X.; Peng, G.; Li, Z.; Lv, Y.; Liu, S.; Li, C. APT Attack Entity Recognition and Alignment Based on BERT and BiLSTM-CRF. J. Commun. 2022, 43, 58–70. [Google Scholar]
  19. Kipf, T.N.; Welling, M. Semi-supervised classification with graph convolutional networks. arXiv 2016, arXiv:1609.02907. [Google Scholar]
  20. Zhao, L.; Song, Y.; Zhang, C.; Liu, Y.; Wang, P.; Lin, T.; Deng, M.; Li, H. T-GCN: A temporal graph convolutional network for traffic prediction. IEEE Trans. Intell. Transp. Syst. 2019, 21, 3848–3858. [Google Scholar] [CrossRef]
  21. Yu, S.Y.; Malawade, A.V.; Muthirayan, D.; Khargonekar, P.P.; Al Faruque, M.A. Scene-graph augmented data-driven risk assessment of autonomous vehicle decisions. IEEE Trans. Intell. Transp. Syst. 2021, 23, 7941–7951. [Google Scholar] [CrossRef]
  22. Liu, X.; Zhou, Y.; Gou, C. Learning from interaction-enhanced scene graph for pedestrian collision risk assessment. IEEE Trans. Intell. Veh. 2023, 8, 4237–4248. [Google Scholar] [CrossRef]
  23. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention Is All You Need. Adv. Neural Inf. Process. Syst. 2017, 30. [Google Scholar]
  24. Huang, Z.; Xu, W.; Yu, K. Bidirectional LSTM-CRF models for sequence tagging. arXiv 2015, arXiv:1508.01991. [Google Scholar]
  25. Hamerly, G.; Elkan, C. Learning the K in K-Means. Adv. Neural Inf. Process. Syst. 2003, 16. [Google Scholar]
Figure 1. Overall framework of the model.
Figure 1. Overall framework of the model.
Sensors 25 01934 g001
Figure 2. The construction process of the knowledge graph.
Figure 2. The construction process of the knowledge graph.
Sensors 25 01934 g002
Figure 3. Ontology layer definition rules.
Figure 3. Ontology layer definition rules.
Sensors 25 01934 g003
Figure 4. Sample of knowledge graph for secondary operations in electric power.
Figure 4. Sample of knowledge graph for secondary operations in electric power.
Sensors 25 01934 g004
Figure 5. The schematic diagram of GCN architecture.
Figure 5. The schematic diagram of GCN architecture.
Sensors 25 01934 g005
Table 1. Sample of secondary operation risk classification.
Table 1. Sample of secondary operation risk classification.
No.Voltage LevelHigh-Risk Operation ContentRisk Level
1220 kVPrimary equipment area: Replacement of 220 kV terminal box, cable laying, and wiring; Replacement of 220 kV control panel, switchgear testingIII
235 kV or BelowTransformer row device modificationIV
3110 kVMain transformer protection: Control equipment replacement, voltage regulator modificationIV
41000 kVFirst set of quasi-station equipment inspection for pressure control and circuit breakerIII
Table 2. Sample of BIO annotation for task content.
Table 2. Sample of BIO annotation for task content.
TokenLabel
110 KVB-pos
2ndO
main transformerB-equ
protectionI-equ
measurementI-equ
installationI-equ
replacementB-act
Table 3. Knowledge extraction parameter settings.
Table 3. Knowledge extraction parameter settings.
Parameter NameParameter Value
Learning Rate1 × 105
Batch Size8
Epoch10
BERT Pre-trained ModelBERT-base-Chinese
BERT Dimension768
Table 4. Results of entity recognition comparison experiments.
Table 4. Results of entity recognition comparison experiments.
PRF1
BiLSTM0.7660.8010.785
BiLSTM-CRF0.8150.8280.830
BERT-CRF0.8810.8660.885
BERT-BiLSTM-CRF0.8980.8850.890
Table 5. Results of comparison experiments.
Table 5. Results of comparison experiments.
ModelPRF1
Ranking SVM_EL0.7240.7160.711
C-DSSM0.8070.8160.808
BERT0.8110.8250.822
RoBERTa0.8230.8260.828
SBERT0.8340.8370.834
ERNIE0.8430.8410.839
GraphSAGE0.7630.7550.760
GAT0.8450.8380.841
Ours0.8790.8630.868
Table 6. Results of ablation experiments.
Table 6. Results of ablation experiments.
Semantic EmbeddingStructural EmbeddingSimilarity Measurement MechanismPRF1
0.8150.8250.830
0.7630.7550.760
0.8540.8350.846
0.7980.7850.774
0.8790.8630.868
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Zhu, P.; Li, Y.; Xu, P.; Li, P.; Zhao, Z.; Li, G. Secondary Operation Risk Assessment Method Integrating Graph Convolutional Networks and Semantic Embeddings. Sensors 2025, 25, 1934. https://doi.org/10.3390/s25061934

AMA Style

Zhu P, Li Y, Xu P, Li P, Zhao Z, Li G. Secondary Operation Risk Assessment Method Integrating Graph Convolutional Networks and Semantic Embeddings. Sensors. 2025; 25(6):1934. https://doi.org/10.3390/s25061934

Chicago/Turabian Style

Zhu, Pengyu, Youwei Li, Peidong Xu, Ping Li, Zhenbing Zhao, and Gang Li. 2025. "Secondary Operation Risk Assessment Method Integrating Graph Convolutional Networks and Semantic Embeddings" Sensors 25, no. 6: 1934. https://doi.org/10.3390/s25061934

APA Style

Zhu, P., Li, Y., Xu, P., Li, P., Zhao, Z., & Li, G. (2025). Secondary Operation Risk Assessment Method Integrating Graph Convolutional Networks and Semantic Embeddings. Sensors, 25(6), 1934. https://doi.org/10.3390/s25061934

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop