Next Article in Journal
Navigation of a Freely Walking Fruit Fly in Infinite Space Using a Transparent Omnidirectional Locomotion Compensator (TOLC)
Next Article in Special Issue
Identifying and Analyzing Dependencies in and among Complex Cyber Physical Systems
Previous Article in Journal
Implementation of a MEIoT Weather Station with Exogenous Disturbance Input
Previous Article in Special Issue
Vulnerability and Impact Analysis of the IEC 61850 GOOSE Protocol in the Smart Grid
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

End-to-End Deep Graph Convolutional Neural Network Approach for Intentional Islanding in Power Systems Considering Load-Generation Balance

by
Zhonglin Sun
1,
Yannis Spyridis
1,
Thomas Lagkas
2,3,*,
Achilleas Sesis
1,
Georgios Efstathopoulos
1 and
Panagiotis Sarigiannidis
2
1
0 Infinity Ltd., Imperial Offices, London E6 2JG, UK
2
Department of Electrical and Computer Engineering, University of Western Macedonia, 50131 Kozani, Greece
3
Department of Computer Science, International Hellenic University, 65404 Kavala, Greece
*
Author to whom correspondence should be addressed.
Sensors 2021, 21(5), 1650; https://doi.org/10.3390/s21051650
Submission received: 7 January 2021 / Revised: 8 February 2021 / Accepted: 17 February 2021 / Published: 27 February 2021
(This article belongs to the Special Issue Cybersecurity and Privacy-Preserving in Modern Smart Grid)

Abstract

:
Intentional islanding is a corrective procedure that aims to protect the stability of the power system during an emergency, by dividing the grid into several partitions and isolating the elements that would cause cascading failures. This paper proposes a deep learning method to solve the problem of intentional islanding in an end-to-end manner. Two types of loss functions are examined for the graph partitioning task, and a loss function is added on the deep learning model, aiming to minimise the load-generation imbalance in the formed islands. In addition, the proposed solution incorporates a technique for merging the independent buses to their nearest neighbour in case there are isolated buses after the clusterisation, improving the final result in cases of large and complex systems. Several experiments demonstrate that the introduced deep learning method provides effective clustering results for intentional islanding, managing to keep the power imbalance low and creating stable islands. Finally, the proposed method is dynamic, relying on real-time system conditions to calculate the result.

1. Introduction

In recent years power systems have seen a significant growth in capacity and their complexity has inevitably increased. As a result, unexpected incidents that may occur due to natural disasters or human faults, can lead to considerable oscillations in the power system, often leading to partial or total outages. Given the detrimental social and economic consequences that arise in these cases, there is an increasing need for efficient control strategies that alleviate the impact of such events and protect the system from cascading failures.

1.1. Intentional Islanding

When a power system is subject to major disturbances leading to unstable operation, rapid-responding mechanisms are essential for restoring the stability and prevent a blackout. Intentional islanding is a procedure that aims to partition the power grid into isolated, sustainable islands, which has been shown to stabilise the system following a critical incident [1]. The goal is to decide which transmission lines should be disconnected, in order to create stable islands that are smaller in size, and thus easier to control, enabling a fast system restoration. To guarantee the system stability, effective islanding must take into consideration the coherence of the grouped generators, while minimizing disruptions and load shedding [2].
A key enabling factor of intentional islanding in power systems is the integration of microgrids, which offer several benefits, as they can operate both connected to the main grid, or disconnected in islanded mode, operating autonomously [3]. Microgrids allow the smooth integration of distributed energy resources that can match the local demand, and offer the possibility of decentralised control, thus enhancing privacy and improving energy delivery and system stability [4]. In such power systems, major disturbances that can be caused by unexpected physical disasters or human errors, involving the loss of generators, can often lead to cascading failures and result in a blackout. Modern power infrastructures should incorporate smart mechanisms that help the system respond rapidly to such events and restore quickly into a stable state [5].
The problem of intentional islanding is generally categorised in the non-deterministic polynomial-time hardness problems. For large and complex power systems, the search space for the optimal solution is vast and most approaches for dealing with this problem are based on optimization theory [6,7]. Several existing studies also formulate the islanding problem as a mixed-integer linear programming (MILP) problem [8,9,10], distinctly handling power balance in each created island for a feasible solution. In these approaches, the decision on the island margins and generator configuration is taken with respect to the balance of the load-generation and the minimization of load shedding, while ensuring that system constraints are not violated [11].
Intentional islanding is often translated into a graph partitioning problem, by modelling the power grid using a graph representation. Typically, graph-based methods involve cutting the minimum number of lines in the graph. This approach is usually preferred, as the islanding result tends to provide exceptional connectivity performance. The power grid can be converted into a directed and weighted graph based on real-time topology and load flow, and then progressively reduced to a smaller size, which can be partitioned according to grouping information of the generators [12]. A common issue that arises in these approaches, is the large search complexity during the graph partition. This problem can be addressed by utilising the multilevel kernel k-means procedure for fast islanding [13], which consists of three stages: aggregation, partition, and retrieval. The graph is firstly aggregated into a low resolution for coarse partitioning and the multilevel kernel k-means method is used to revise the results of each retrieval step.

1.2. Graph Neural Networks

Machine learning (ML) is an area of artificial intelligence that utilises existing datasets to make predictions on unseen data. A machine learning model is initially trained using a known dataset, and the generalization performance of the model is then evaluated on the unseen data. Inside the broader family of machine learning lies deep learning, which is based on artificial neural networks that simulate the structure of brains. Several deep architectures have been introduced in the literature, notably after the arrival of LeNet-5 [14], one of the earliest convolutional neural networks (CNNs) that inspired the evolution of deep learning. A highly influential neural network in the field of image classification is AlexNet [15], which was presented in 2012 and introduced the ReLU and Dropout layers in the network architecture. Other notable deep neural networks include the VGG [16] that made a huge impact after AlexNet in computer vision and the ResNet which managed to gain significant accuracy from a considerably increased depth, while being easier to optimise [17].
The structures mentioned above are mainly designed for Euclidean distance data and target visual recognition applications, utilising matrices that store the pixels of an image. This type of structure is not appropriate for capturing graph data, as required for the representation of a power system. The key difference between image and graph data lies in the definition of the connection and image data can be considered a special case of graph data. For this reason, the research community has explored ways to incorporate graph data into deep architectures, an endeavor that led to the graph neural network (GNN) paradigm. Let graph G = ( V , E ) , where V is the set of vertices and E is the set of edges. Being an adaptation of convolution neural networks, the graph neural network encodes information of individual elements as vertices, and their interrelation as edges, aiming to capture patterns within the graph.
Graph neural networks are usually designed either on a spatial or a spectral domain, with recent frameworks bridging the gap and demonstrating the equivalence of the convolution process regardless of the design domain [18]. Based on the spatial design, the architecture aims to define a receptive field from the neighbouring vertices and extract the spatial features to finish the convolution operation on the graph. The spectral design, introduced in [19], utilises a weight matrix to calculate the feature map dimension for the convolution, but in cases where the feature dimension is large, training becomes too slow and there is no locality. This issue can be addressed as demonstrated in [20], reducing the number of parameters to be trained and introducing local information into the graph neural network, by having spectral filters with linear evaluation complexity.
This paper explores the potential of using graph neural networks to address the problem of intentional islanding in real-time. The key contributions are the following:
  • The proposed method is the first to incorporate an end-to-end deep learning solution for the intentional islanding problem. It incorporates four loss functions in total.
  • The load-generation imbalance is minimised at each island using a deep learning loss formulation, enhancing the stability of the power system after the islanding process.
  • A loss function is defined to determine the cluster for each bus in the system.
  • A loss function is also defined to ensure the coherency of generators in the formed islands and avoid loss of power supply.
  • An additional loss function is defined to balance the number of nodes in each partition.
The introduced solution offers the advantage of addressing the intentional islanding problem with increased time efficiency, providing a real-time solution in a few seconds. The solution is aldo dynamic and is based on the real-time status of the system; it does not rely in predetermined lines that can be disconnected. The different loss functions aim to determine robust islands to relieve frequency problems in smaller clusters, leading to a faster system restoration. A possible shortcoming of the proposed method, is that since it is based on a graph neural network, it might not always be optimal. However, due to the very short amount of time in which the solution is offered, it can prove crucial in emergency situations and in fact often preferred to an optimal solution that will require much longer to be calculated, since rapid islanding will be required in order to prevent further outages and therefore minimise the need for large black-start units.
The rest of the paper is organised as follows: Section 2 discusses existing techniques for intentional islanding in the literature. The problem formulation and the deep learning approach are thoroughly described in Section 3. Section 4 presents the evaluation of the proposed solution and analyses the results of the islanding experiments on several test cases. Finally, Section 5 concludes the paper.

2. Related Work

Several studies have been conducted in search for effective grid splitting strategies, targeted at avoiding cascading breakdowns during critical incidents. Most islanding solutions are proposed with respect to the objective of having minimum power disruption or achieving a load and generation balance. A common approach involves spectral clustering techniques, which are often used in power grid graph representations to group the nodes and determine the formed islands. A multi-layer graph modelling approach is introduced in [21], where spectral clustering is used to define the islands based on certain constraints for coherent grouping of the generators. A similar approach is followed in [22] by introducing a two-stage, multi-layer constrained clustering method. The proposed model utilises a number of criteria, namely active power, reactive power, and apparent power, each resulting in different islanding results accordingly. A simulation evaluation demonstrated that this technique can assist the effective operation of the grid during a critical event, while also preserving reliability and security aspects.
A spectral k-embedded clustering algorithm is introduced in [23], where an islanding solution is provided through solving the generalised eigenvalue problem. The authors determine the appropriate number of clusters by coherently grouping the generators, and they use the graph representation of the power system to obtain the weight and Laplacian matrices. Following the normalisation of the eigenvectors, those related to the k-1 lowest eigenvalues are selected and the algorithm to calculate the islanding solution is applied. A similar approach is followed in [24], proposing a constrained spectral clustering algorithm, which is able to achieve the intentional islanding solution that results in minimum power flow disruption, while establishing islands that include coherent generators. In the introduced method, the corresponding eigenproblem is solved once, irrespective of the formed island quantity, resulting in improved efficiency in large-scale power systems.
The method in [25] utilises a two-step spectral clustering algorithm which uses the minimal power flow disruption as the objective function. The authors define a requirement related to the coherency of the grouped generators, in order to avoid situations where islands with isolated load are formed. During the first phase, the normalised clustering method groups the generators and the final islanding solution is calculated in the second phase using constrained spectral clustering. The authors in [26] model the islanding problem as an MILP optimisation problem. Utilising graph theory, the splitting strategy is translated into a graph partition problem and considering the subgraph connectivity constraints, a recursive procedure is used to determine the optimal islanding solution that involves the minimum number of lines to be disconnected.
An intentional islanding algorithm based on MILP formulation is also introduced in [10], that guarantees minimum power-flow disruption for any amount of formed islands. The complexity of the MILP problem is reduced by utilising a pre-processing mechanism, that aims to determine which trees connect each coherent generator class with the minimum quantity of nodes. In terms of computational complexity the above methods achieve reasonable results, but they do not satisfy dynamic constraints in the clusterisation process, which may lead to the creation of unstable islands, thus increasing the probability that a blackout will be caused eventually. In addition, such approaches cannot achieve polynomial time and require computational times exponential in order when having as objective the minimisation of the power imbalance during the islanding process. A similar approach is proposed in [27], developing an MILP formulation to search the optimal paritioning strategy. The authors rely on the Benders Decomposition method, where the problem is divided into a relaxed MILP master problem and an LP subproblem. In addition, the number of line disconnections required is reduced by adding a switching constraint and the coherent groups of generators are selected using a set of linear equations.
Following a three-stage method, the work in [28] tackles the intentional islanding problem by utilising a self-adaptive graph simplification technique. During the first stage, an appropriate islanding cutset search area is obtained from the initial grid graph model. Then, a recursive merge algorithm is used in the obtained search area, to determine the islanding schemes that result in minimal load-generation imbalance. In the third and final stage, a depth-first searching technique is checking the outputs of the previous stage and determines the final cutset, based on the avoidance of low-voltage issues. A control strategy that allows intentional islanding operations in distributed power systems is introduced in [29], where the authors propose an intelligent load-shedding algorithm, able to maintain the voltage and current within desirable levels during the islanding mode. A method for transitioning back to grid-connected operation is also introduced, capable of avoiding a hard transient during the reconenction.
The advent of machine learning has led to novel approaches in the field of graph partitioning, potentially supporting novel solutions in the area of intentional islanding. Efficient training of large graph neural networks plays a key role towards realising effective solutions in this regard. An algorithm for training very deep networks in a short period of time and using small amounts of memory is introduced in [30], named Cluster-CGN. The algorithm exploits a graph clustering structure to associate a block of nodes with a dense subgraph and limit the search within that section. The authors demonstrate that with proper optimisation, a deeper architecture can achieve a higher accuracy and F1 score. In [31], a generalisation of GNNs is proposed, namely the k-GNN which is based on the k-dimensional Weisfeiler–Leman algorithm. Experiments demonstrate that this model is able to recognise more graph properties and outperforms traditional GNNs in extensive learning tasks.
Current intentional islanding approaches miss the powerful fitting and generalization capabilities offered by deep learning architectures. In this regard, this paper proposes a novel deep graph neural network method that addresses the intentional islanding problem in an end-to-end manner, by ustilising deep learning loss formulations.

3. Deep Learning Based Method for Intentional Islanding

This section analyses the proposed deep learning solution for the problem of intentional islanding in power systems. The introduced method does not require labelled data for training the model; the whole process is conducted end-to-end in an unsupervised manner. Section 3.1 describes the incorporation of deep learning in the graph partition problem and Section 3.2 introduces this solution into the islanding problem.

3.1. Graph Partition

Deep learning approaches have been recently applied in graph partition problems. The solution proposed in this paper is based on the Generalisable Approximate Partitioning (GAP) framework for graph partitioning [32] and the normalized min-cut problem [33]. The islanding problem can be formulated as a minimum cut problem as follows:
c u t ( S k , S ^ k ) = v i S k , v j S ^ j e ( v i , v j ) ,
where S k is the k-th set of a given graph, S k ^ represents the the remaining sets except S k and e ( v i , v j ) is the edge between vertex v i and v j . When referring to multiple sets, the cut problem can be rewrited as:
c u t ( S 1 , S 2 , S 3 S g ) = 1 2 i = k g c u t ( S k , S ^ k )
The problem of minimum cut has been extensively studied in the literature, with the normalised cut representing a distinctive direction:
N c u t ( S 1 , S 2 S g ) = k = 1 g c u t ( S k , S ^ k ) v o l ( S k , V ) ,
where v o l ( S k , V ) = v i S k , v i V e ( v i , v j ) is the total degree of nodes from S k in the graph g. This formulation represents the cost of the cut divided by the total number of edges in the subset.

3.1.1. GAP

The GAP method addresses the normalised cut problem using deep learning optimisation, transforming the minimum cut problem into a deep learning format as follows:
L c u t = r e d u c e _ s u m ( Y Γ ) ( 1 Y ) T A + r e d u c e _ s u m ( 1 T Y n g ) 2
In the above equation, the first term is the normalized cut, Y is defined as an n g dimension matrix that represents the output of the neural network, where n is the number of nodes and g is the number of partitions. A is the adjacency matrix and finally Γ is calculated by Y:
Γ = Y T D ,
where D is the vector that represents the degree of the nodes. The second term is the balance cut that restricts the number of nodes in every partition.
In our proposed implementation the balance cut loss is relieved into the following formulation:
L b a l a n c e = m a x ( 0 , n g σ 1 T Y ) ,
where σ is the hyper-parameter to adjust the relief degree.

3.1.2. Min-Cut

The minimum cut problem is formulated as follows:
L = L c + L o = T r ( S T A ^ S ) T r ( S T D ^ S ) + | | S T S | | S T S | | F I K K | | ,
where | | · | | F is the Frobenius norm, S is the prediction of which cluster the node belongs to, A and D indicate the adjacency matrix and degree matrix, respectively. I k is the multiplication of the balanced clustering result S and it’s transpose matrix, where S predicts exactly the balanced number of nodes in every cluster N / g . T r ( ) represents the average operation: T r ( ) = 1 K k = 1 K .
L is the total loss function for the minimum cut and L c is the cut loss term, which is easy to result in a local minima solution. For instance, after optimisation, L c tends to assign all vertices in a binary cluster result, regardless of how many classes we assign. L o is the orthogonality penalty term so that nodes from different clusters are orthogonal and the number of nodes in every cluster is of similar size.

3.2. Islanding Using Deep Learning

From the above formulations it is observed that deep learning methods have been considered for the graph partition problem; however, these approaches have not yet been introduced into the intentional islanding problem. In this paper, an end-to-end deep learning solution for intentional islanding is proposed, based on the GAP and min-cut loss functions presented in the above subsections. Furthermore, the load-generation imbalance of each island is minimised, using the following loss function:
L l o a d g e n = 1 K k = 1 K | Y B | ,
where Y is the output matrix from the neural network with dimension n g and contains the probability of every node belonging to each partition. B is the n dimension vector that represents the load-generation result approximated from the state estimation. After the minimization of this loss function, the deep learning model can determine the partition in which each node should belong.
To further ensure the stability of the power system, the requirement that every cluster should have at least one generator is defined, avoiding situations where there is no power supply after the cut has been applied. The proposed loss function for assigning a specific generator to every cluster is formulated as follows:
L g e n = s o f t m a x _ c r o s s _ e n t r o p y ( p , Y g e n ) ,
where Y g e n is the matrix indicating the buses that are connected to the source generators, p is a vector that ranges from 0 to g, and s o f t m a x _ c r o s s _ e n t r o p y is a classical loss function for multi-class optimisation loss, which consists of two parts, softmax and cross-entropy. The Softmax operation is defined as:
a i = e z i k e z k ,
where z k are the elements of the output vector. The cross-entropy loss function is defined as:
J = i y i ln a i
With the cross-entropy loss, the predicted value tends to have a similar distribution with the ground-truth value. The total loss function is given by:
L t o t a l = α L c u t + θ L b a l a n c e + β L l o a d g e n + γ L g e n
In the above equation, α , β , γ and θ are the hyper parameters to adjust the balance of the total loss. A more accurate number of nodes in one cluster can be obtained by assigning a higher weight to θ .

3.3. Coarse-Fine Adjustment

Due to vast complexity on large graphs, a merging technology was introduced that allows to reassign the isolated buses to their nearest cluster. After getting the prediction results from the neural network, the neighbour information for every bus is checked. If there is a neighbouring bus with the same clustering outcome, the process continues to the next bus. Otherwise, the distance of features from the adjacent buses is calculated and the bus is reassigned to the nearest cluster.
There are several approaches to find the nearest cluster. In the proposed solution, owing to the generalization performance of features from the unsupervised neural network, the nearest bus is calculated by the following formulation:
V n e a r e s t , i = a r g m i n | | F ( v i ) F ( V j ) | | ,
where V n e a r e s t , i is the bus selected as the nearest node of bus V i , and V j is the candidate bus adjacent to V i . F ( · ) denotes the feature extracted from the first linear layer of the graph neural network, and | | · | | is the euclidean distance of different nodes. Besides the above method, the nearest bus can also be selected from the physical location defined by the power system.

3.4. Graph Representation of the Power System

In order to use the deep learning methods for intentional islanding, the power system has to be translated into a graph representation. The pipeline of the devised graph CNN approach is presented in the flowchart of Figure 1. The main elements of focus are buses, lines (switches are also considered as lines) and generators. In the graph format, powerflow analysis is first executed on the given power grid, extracting the output, which in case of buses is voltage magnitude, voltage angle and power demand, while in case of lines it is active power flow, reactive power flow and adjacency information. For generators, the index of buses that connect to each one is required. The buses are regarded as the nodes of the graph and weighted lines represent the edges, where the weight is the active power flow or the adjacency information. The graph neural network is then built to train the model to convergence and the prediction result is fixed by merging the single isolated vertices into another vertex. Finally, the line cut is applied and powerflow analysis is conducted to check whether the network converges. In case of non-convergence, the hyper-parameters are adjusted and the model is retrained.

4. Evaluation Experiments

The key goal of this section is to discuss the evaluation of the proposed solution for the problem of intentional islanding. It provides a description of the model implementation, the simulation results indicating the performance of the introduced methods and an ablation study.
The first step towards addressing the intentional islanding problem is the conversion of the power system into a graph format. After conducting powerflow analysis on the power system, the extracted results are used for the graph representation. As mentioned in the previous section, several objective functions are used for optimisation in the proposed deep learning method. In order to utilize the graph representation to finish the clusterisation, a new structure was defined. As displayed in Figure 2, the model is comprised of three layers of graph CNN, along with three ReLU layers and finally, three linear layers. The purpose of ReLU layers in deep learning architectures is to overcome the vanishing gradient problem and they usually allow the model to learn more quickly. The linear layers are used in the end to scale the output to the dessired number of clusters. The output dimensions of each layer are listed in Table 1, where g is the number of clusters.

4.1. Model Implementation

While traditional CNNs can only capture information on euclidean distance, graph CNNs provide convolution on graph data. By incorporating these into the architecture, the whole prediction process is end-to-end and only requires the graph representation of the power system to get the clustering result. Figure 3 demonstrates an example of how graph CNNs utilize neighbour connection information as topology representation. Graph CNNs are designed for each node which is colored black in the figure for each time and the neighbour nodes are chosen as the input feature of the Graph CNNs. The convolution on the spatial domains equals multiplication in the spectral domain, which is represented by the Laplacian matrix of the graph. Finally, the calculated result is stored in the black node. Following this procedure, all the nodes in the candidate graph are updated similarly.
For the training and testing process, Pytorch [34] was used as the deep learning platform, together with Tensorflow [35] and Mxnet [36]. The above platforms were selected since they utilize the GPU to accelerate the whole training process. In the proposed implementation, every power system was trained for 10,000 iterations which took approximately 7 min for training on a system with a GTX-2060 GPU and an i7-8750H CPU. The result was achieved in 0.1 s. In addition to the deep learning platform, the pandapower library [37] was used as the power system simulation tool, since it provides a large number of functions for power systems, including powerflow and state estimation.

4.2. Simulation Results

To measure the islanding performance, the proposed methods were evaluated on the test samples provided by the pandapower library, which include adaptations from actual power systems. Cases 9, 14, IEEE 24, 30 (representative of an actual system in New England, USA), IEEE 30 (approximation of the American Electric Power system as it was in December 1961), 39 (from actual New England Power System), 57, 89, 118 (portion of the American Electric Power System in the Midwestern US), 145, and 200 were chosen as the simulation cases. Figure 4 shows the aggregated images of the above cases. In the conducted experiments, the number of clusters was set as a hyperparameter and was configured to an aprroximate value, which is later optimally established by the algorithm and in most cases was determined to be 3. To demonstrate the effectiveness and efficiency of the proposed methods, the imbalance of load-generation power was evaluated in every cluster, along with the number of lines to be cut.
Figure 5 illustrates the clustering results obtained by using the GAP loss function. Starting from the top, the depicted outcome is derived from case 14, followed by case 30 and finally case 118. The first column displays the initial clustering result, while the final outcome after merging and cutting is shown in the second column. The images on the third column depict the final results with colored indications to showcase the generators. The clustering results corresponding to the min-cut loss function are displayed similarly in Figure 6. As observed in the figures, both methods result in effective clusterisation in most cases, with only some of the large grid cases resulting in a few elements that are not connected to the rest of the buses in a cluster. In addition, as demonstrated in the third column of each figure, the requirement that every cluster should have at least one generator is sufficiently satisfied by utilising the included generator loss function.
Table 2 provides the numerical results of the proposed methods for test cases 9, 30, ieee30, 57, 118 and 200. These cases represent various scenarios from small to large power grids. The results include the number of lines to be disconnected, the total load-generation imbalance after islanding and the number of islands. As observed in the table, both methods result in the same power imbalance, but the min-cut loss function leads to the fewer number of lines that should be disconnected in order to finish the islanding, resulting in a more efficient process. The results show that there is a cost of applying intentional islanding in the power systems in terms of imbalance between the loads and the available generation, but the methods manage to keep it low, avoiding the creation of highly unstable partitions. As a result, it ensures that the solution will alleviate the impact of the triggering event, without resulting in significant losses of power, especially given the fact that the outcome is obtained very quickly, requiring less than a second, and is dynamic since it is based on real-time system conditions.
Table 3 and Table 4 compare the results of the proposed method with similar approaches found in the literature, on test cases 118 and 200, respectively. In all cases the system is partitioned into four islands at a cost of a load-generation mismatch. The introduced method when using the min-cut loss function, demonstrates a significantly lower imbalance than [10], at the cost of higher number of lines that should be disconnected. The method in [12] provides the result requiring the same number of line disconnections, but is still not able to achieve the imbalance that the proposed technique provides, which ultimately creates the more stable islands.

4.3. Ablation Study

Besides providing the numerical results of the predictions, the results with respect to min-cut loss terms, ignoring the injection balance loss, are also examined. In the conducted experiments, the minimisation of the load-generation imbalance is achieved by the proposed loss function. Figure 7 visualises the clustering result using the min-cut loss on test case 24, in a case with balance cut and bus injection loss and in one without. The images on top provide the results without balance cut and bus injection, while below are the results with all loss functions. It is observed that when using only the min-cut loss function, the result tends to provide a binary result. In contrast, when adding the balance cut, the desired result with the required number of clusters is obtained, making it essential to include the balance cut and bus injection loss when using the min-cut function.

5. Conclusions

This paper proposed a novel method that combines the area of graph neural networks with the problem of intentional islanding in power systems. Two deep learning loss functions for graph partitioning were examined and several loss functions were utilised to minimise the load-generation imbalance and improve the final clustering result. The introduced method ensures that each cluster has at least one generator in order to avoid situations where there is no power supply after the cut has been applied and therefore increases the stability of the power system. Experiments demonstrated the effectiveness of the proposed solution and the increased time efficiency, obtaining the outcome in real-time. The results demonstrate that there is a cost of applying the intentional islanding solution when it comes to the imbalance between the load and the available generation, but it is relatively low, avoiding the creation of unstable islands and ensuring that the solution will relieve the effect of the triggering incident, without resulting in significant loss of power. As a result, this implementation can be incorporated in modern electric power and energy systems and enable a rapid-response mechanism for intentional islanding in case of disturbances. The islanding method can be executed on time and calculate a good solution quickly, thus preventing further outages by creating small stable islands with minimum imbalance.

Author Contributions

Conceptualization, Z.S. and P.S.; Data curation, Y.S. and G.E.; Formal analysis, Z.S.; Funding acquisition, P.S.; Investigation, A.S.; Methodology, Z.S., A.S. and G.E.; Resources, A.S.; Software, Y.S.; Supervision, T.L. and P.S.; Validation, T.L. and G.E.; Visualization, Y.S.; Writing—original draft, Z.S. and Y.S.; Writing—review and editing, T.L. All authors have read and agreed to the published version of the manuscript.

Funding

The research leading to these results has received funding from the European Union’s Horizon 2020 research and innovation programme under grant agreement No 833955.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

CNNConvolutional neural network
GAPGeneralisable Approximate Partitioning
GNNGraph neural network
MILPMixed-integer linear programming
MLMachine learning

References

  1. Sun, K.; Zheng, D.Z.; Lu, Q. Splitting strategies for islanding operation of large-scale power systems using OBDD-based methods. IEEE Trans. Power Syst. 2003, 18, 912–923. [Google Scholar] [CrossRef] [Green Version]
  2. Trodden, P.A.; Bukhsh, W.A.; Grothey, A.; McKinnon, K.I.M. Optimization-based Islanding of Power Networks using Piecewise Linear AC Power Flow. IEEE Trans. Power Syst. 2013, 29, 1212–1220. [Google Scholar] [CrossRef] [Green Version]
  3. Alegria, E.; Brown, T.; Minear, E.; Lasseter, R.H. CERTS Microgrid Demonstration With Large-Scale Energy Storage and Renewable Generation. IEEE Trans. Smart Grid 2014, 5, 937–943. [Google Scholar] [CrossRef]
  4. Wang, L.; Wu, J.; Yuan, R.; Zhang, D.; Liu, J.; Jiang, S.; Zhang, Y.; Li, M. Dynamic Adaptive Cross-Chain Trading Mode for Multi-Microgrid Joint Operation. Sensors 2020, 20, 6096. [Google Scholar] [CrossRef]
  5. Liu, S.; Hou, Y.; Liu, C.; Podmore, R. The Healing Touch: Tools and Challenges for Smart Grid Restoration. IEEE Power Energy Mag. 2014, 12, 54–63. [Google Scholar] [CrossRef]
  6. Adibi, M.M.; Kafka, R.J.; Maram, S.; Mili, L.M. On Power System Controlled Separation. IEEE Trans. Power Syst. 2006, 21, 1894–1902. [Google Scholar] [CrossRef]
  7. Xu, G.; Vittal, V. Slow Coherency Based Cutset Determination Algorithm for Large Power Systems. IEEE Trans. Power Syst. 2010, 25, 877–884. [Google Scholar] [CrossRef]
  8. Fisher, E.B.; O’Neill, R.P.; Ferris, M.C. Optimal Transmission Switching. IEEE Trans. Power Syst. 2008, 23, 1346–1355. [Google Scholar] [CrossRef] [Green Version]
  9. Khodaei, A.; Shahidehpour, M. Security-constrained transmission switching with voltage constraints. Int. J. Electr. Power Energy Syst. 2012, 35, 74–82. [Google Scholar] [CrossRef]
  10. Kyriacou, A.; Demetriou, P.; Panayiotou, C.; Kyriakides, E. Controlled Islanding Solution for Large-Scale Power Systems. IEEE Trans. Power Syst. 2018, 33, 1591–1602. [Google Scholar] [CrossRef]
  11. Trodden, P.A.; Bukhsh, W.A.; Grothey, A.; McKinnon, K. MILP formulation for controlled islanding of power networks. Int. J. Electr. Power Energy Syst. 2013, 45, 501–508. [Google Scholar] [CrossRef] [Green Version]
  12. Basumallik, S.; Eftekharnejad, S. Dynamic Islanding in Power Systems Based on Real-Time Operating Conditions. In Proceedings of the 2019 North American Power Symposium (NAPS), Wichita, KS, USA, 13–15 October 2019; pp. 1–6. [Google Scholar]
  13. Peiravi, A.; Ildarabadi, R. A Fast Algorithm for Intentional Islanding of Power Systems Using the Multilevel Kernel k-Means Approach. J. Appl. Sci. 2009, 9, 2247–2255. [Google Scholar] [CrossRef]
  14. Lecun, Y.; Bottou, L. Gradient-based learning applied to document recognition. Proc. IEEE 1998, 86, 2278–2324. [Google Scholar] [CrossRef] [Green Version]
  15. Krizhevsky, A.; Sutskever, I.; Hinton, G. ImageNet Classification with Deep Convolutional Neural Networks. Commun. ACM 2017, 60, 84–90. [Google Scholar] [CrossRef]
  16. Simonyan, K.; Zisserman, A. Very Deep Convolutional Networks for Large-Scale Image Recognition. In Proceedings of the 3rd International Conference on Learning Representations, ICLR 2015, San Diego, CA, USA, 7–9 May 2015. [Google Scholar]
  17. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2016, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar] [CrossRef] [Green Version]
  18. Balcilar, M.; Renton, G.; Heroux, P.; Gauzere, B.; Adam, S.; Honeine, P. Bridging the Gap Between Spectral and Spatial Domains in Graph Neural Networks. arXiv 2020, arXiv:2003.11702. [Google Scholar]
  19. Bruna, J.; Zaremba, W.; Szlam, A.; LeCun, Y. Spectral Networks and Locally Connected Networks on Graphs. In Proceedings of the 2nd International Conference on Learning Representations, ICLR 2014, Banff, AB, Canada, 14–16 April 2014. [Google Scholar]
  20. Defferrard, M.; Bresson, X.; Vandergheynst, P. Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering. In Proceedings of the Advances in Neural Information Processing Systems 29: Annual Conference on Neural Information Processing Systems 2016, Barcelona, Spain, 5–10 December 2016; pp. 3837–3845. [Google Scholar]
  21. Znidi, F.; Davarikia, H.; Iqbal, K.; Barati, M. Multi-Layer Spectral Clustering Approach to Intentional Islanding In Bulk Power Systems. J. Mod. Power Syst. Clean Energy 2019, 7, 1044–1055. [Google Scholar] [CrossRef] [Green Version]
  22. Dabbaghjamanesh, M.; Wang, B.; Kavousi-Fard, A.; Mehraeen, S.; Hatziargyriou, N.D.; Trakas, D.N.; Ferdowsi, F. A Novel Two-Stage Multi-Layer Constrained Spectral Clustering Strategy for Intentional Islanding of Power Grids. IEEE Trans. Power Deliv. 2020, 35, 560–570. [Google Scholar] [CrossRef]
  23. Esmaeilian, A.; Kezunovic, M. Prevention of Power Grid Blackouts Using Intentional Islanding Scheme. IEEE Trans. Ind. Appl. 2017, 53, 622–629. [Google Scholar] [CrossRef]
  24. Quirós-Tortós, J.; Sánchez-García, R.; Brodzki, J.; Bialek, J.; Terzija, V. Constrained spectral clustering-based methodology for intentional controlled islanding of large-scale power systems. IET Gener. Transm. Distrib. 2015, 9, 31–42. [Google Scholar] [CrossRef] [Green Version]
  25. Ding, L.; Gonzalez-Longatt, F.M.; Wall, P.; Terzija, V. Two-Step Spectral Clustering Controlled Islanding Algorithm. IEEE Trans. Power Syst. 2013, 28, 75–84. [Google Scholar] [CrossRef] [Green Version]
  26. Ding, T.; Sun, K.; Huang, C.; Bie, Z.; Li, F. Mixed-Integer Linear Programming-Based Splitting Strategies for Power System Islanding Operation Considering Network Connectivity. IEEE Syst. J. 2018, 12, 350–359. [Google Scholar] [CrossRef]
  27. Amraee, T.; Saberi, H. Controlled islanding using transmission switching and load shedding for enhancing power grid resilience. Int. J. Electr. Power Energy Syst. 2017, 91, 135–143. [Google Scholar] [CrossRef]
  28. Xu, S.; Miao, S. Three-stage method for intentional controlled islanding of power systems. J. Mod. Power Syst. Clean Energy 2018, 6, 691–700. [Google Scholar] [CrossRef] [Green Version]
  29. Balaguer, I.J.; Lei, Q.; Yang, S.; Supatti, U.; Peng, F.Z. Control for Grid-Connected and Intentional Islanding Operations of Distributed Power Generation. IEEE Trans. Ind. Electron. 2011, 58, 147–157. [Google Scholar] [CrossRef]
  30. Chiang, W.; Liu, X.; Si, S.; Li, Y.; Bengio, S.; Hsieh, C. Cluster-GCN: An Efficient Algorithm for Training Deep and Large Graph Convolutional Networks. In Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining, KDD 2019, Anchorage, AK, USA, 4–8 August 2019; Teredesai, A., Kumar, V., Li, Y., Rosales, R., Terzi, E., Karypis, G., Eds.; ACM: New York, NY, USA, 2019; pp. 257–266. [Google Scholar] [CrossRef] [Green Version]
  31. Morris, C.; Ritzert, M.; Fey, M.; Hamilton, W.L.; Lenssen, J.E.; Rattan, G.; Grohe, M. Weisfeiler and Leman Go Neural: Higher-Order Graph Neural Networks. In Proceedings of the The Thirty-Third AAAI Conference on Artificial Intelligence, AAAI 2019, The Thirty-First Innovative Applications of Artificial Intelligence Conference, IAAI 2019, The Ninth AAAI Symposium on Educational Advances in Artificial Intelligence, EAAI 2019, Honolulu, HI, USA, 27 January–1 February 2019; AAAI Press: Palo Alto, CA, USA, 2019; pp. 4602–4609. [Google Scholar] [CrossRef] [Green Version]
  32. Nazi, A.; Hang, W.; Goldie, A.; Ravi, S.; Mirhoseini, A. GAP: Generalizable Approximate Graph Partitioning Framework. arXiv 2019, arXiv:1903.00614. [Google Scholar]
  33. Bianchi, F.M.; Grattarola, D.; Alippi, C. Spectral Clustering with Graph Neural Networks for Graph Pooling. In Proceedings of the 37th International Conference on Machine Learning (ICML 2020), Online/Virtual Event. 13–18 July 2020; pp. 874–883. [Google Scholar]
  34. Paszke, A.; Gross, S.; Massa, F.; Lerer, A.; Bradbury, J.; Chanan, G.; Killeen, T.; Lin, Z.; Gimelshein, N.; Antiga, L.; et al. PyTorch: An Imperative Style, High-Performance Deep Learning Library. arXiv 2019, arXiv:1912.01703. [Google Scholar]
  35. Abadi, M.; Barham, P.; Chen, J.; Chen, Z.; Davis, A.; Dean, J.; Devin, M.; Ghemawat, S.; Irving, G.; Isard, M.; et al. TensorFlow: A system for large-scale machine learning. In Proceedings of the 12th USENIX Symposium on Operating Systems Design and Implementation (OSDI 16), Savannah, GA, USA, 2–4 November 2016; pp. 265–283. [Google Scholar]
  36. Chen, T.; Li, M.; Li, Y.; Lin, M.; Wang, N.; Wang, M.; Xiao, T.; Xu, B.; Zhang, C.; Zhang, Z. MXNet: A Flexible and Efficient Machine Learning Library for Heterogeneous Distributed Systems. arXiv 2015, arXiv:1512.01274. [Google Scholar]
  37. Thurner, L.; Scheidler, A.; Schäfer, F.; Menke, J.; Dollichon, J.; Meier, F.; Meinecke, S.; Braun, M. Pandapower—An Open Source Python Tool for Convenient Modeling, Analysis and Optimization of Electric Power Systems. arXiv 2017, arXiv:1709.06743. [Google Scholar]
Figure 1. Flow chart depicting the proposed pipeline of the method for intentional islanding.
Figure 1. Flow chart depicting the proposed pipeline of the method for intentional islanding.
Sensors 21 01650 g001
Figure 2. Model structure, showing the layers that comprise the proposed neural network for intentional islanding.
Figure 2. Model structure, showing the layers that comprise the proposed neural network for intentional islanding.
Sensors 21 01650 g002
Figure 3. Example of a graph CNN’s function. For every node (coloured black in this instance), it takes the one-hop or two-hop neighbor as the receptive field. The blue nodes indicate the selected receptive field or neighbouring nodes, while the yellow ones are not selected for the black node. Graph CNNs use a filter to perform convolution on the selected nodes X i , resulting in the new status Z i , where the blue nodes are considered to calculate the black value in the right subfigure.
Figure 3. Example of a graph CNN’s function. For every node (coloured black in this instance), it takes the one-hop or two-hop neighbor as the receptive field. The blue nodes indicate the selected receptive field or neighbouring nodes, while the yellow ones are not selected for the black node. Graph CNNs use a filter to perform convolution on the selected nodes X i , resulting in the new status Z i , where the blue nodes are considered to calculate the black value in the right subfigure.
Sensors 21 01650 g003
Figure 4. The test cases used in the simulation experiments. Starting from top left and moving horizontally, the images display the power system of cases: 9, 14, ieee 24, 30, ieee 30, 39, 57, 89, 118, 145 and 200.
Figure 4. The test cases used in the simulation experiments. Starting from top left and moving horizontally, the images display the power system of cases: 9, 14, ieee 24, 30, ieee 30, 39, 57, 89, 118, 145 and 200.
Sensors 21 01650 g004
Figure 5. Clustering visualisation of the results obtained by using the GAP loss function. Each color represents a specific cluster. The first row displays the results from case 14, followed by case 30 and case 118.
Figure 5. Clustering visualisation of the results obtained by using the GAP loss function. Each color represents a specific cluster. The first row displays the results from case 14, followed by case 30 and case 118.
Sensors 21 01650 g005
Figure 6. Clustering visualisation of the results obtained by using the min-cut loss function. Each color represents a specific cluster. The first row displays the results from case 14, followed by case 30 and case 118.
Figure 6. Clustering visualisation of the results obtained by using the min-cut loss function. Each color represents a specific cluster. The first row displays the results from case 14, followed by case 30 and case 118.
Sensors 21 01650 g006
Figure 7. Min-cut clustering results without (top) and with (bottom) balance cut and bus injection loss functions.
Figure 7. Min-cut clustering results without (top) and with (bottom) balance cut and bus injection loss functions.
Sensors 21 01650 g007
Table 1. The output dimensions of the introduced implementation.
Table 1. The output dimensions of the introduced implementation.
LayerOutput Dimension
Graph CNN layer96
128
256
Linear layer256
128
g
Table 2. Numerical results of the proposed methods for test cases 9, 30, ieee30, 57, 118, and 200.
Table 2. Numerical results of the proposed methods for test cases 9, 30, ieee30, 57, 118, and 200.
CaseImbalance (MW)Lines Disconnected
GAPMin-CutGAPMin-Cut
94.954.9522
302.442.4499
ieee3017.5617.5697
5727.8627.861613
118132.91132.912821
20023.4223.423324
Table 3. Comparison of the proposed method with the literature on case 118.
Table 3. Comparison of the proposed method with the literature on case 118.
MethodImbalance (MW)Lines DisconnectedNo. of Islands
Kyriacou et al. [10]240.03n/a4
Proposed (Min-cut)132.91244
Table 4. Comparison of the proposed method with the literature on case 200.
Table 4. Comparison of the proposed method with the literature on case 200.
MethodImbalance (MW)Lines DisconnectedNo. of Islands
Kyriacou et al. [10]269.01204
Basumallik et al. [12]35.85284
Proposed (Min-cut)23.42284
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Sun, Z.; Spyridis, Y.; Lagkas, T.; Sesis, A.; Efstathopoulos, G.; Sarigiannidis, P. End-to-End Deep Graph Convolutional Neural Network Approach for Intentional Islanding in Power Systems Considering Load-Generation Balance. Sensors 2021, 21, 1650. https://doi.org/10.3390/s21051650

AMA Style

Sun Z, Spyridis Y, Lagkas T, Sesis A, Efstathopoulos G, Sarigiannidis P. End-to-End Deep Graph Convolutional Neural Network Approach for Intentional Islanding in Power Systems Considering Load-Generation Balance. Sensors. 2021; 21(5):1650. https://doi.org/10.3390/s21051650

Chicago/Turabian Style

Sun, Zhonglin, Yannis Spyridis, Thomas Lagkas, Achilleas Sesis, Georgios Efstathopoulos, and Panagiotis Sarigiannidis. 2021. "End-to-End Deep Graph Convolutional Neural Network Approach for Intentional Islanding in Power Systems Considering Load-Generation Balance" Sensors 21, no. 5: 1650. https://doi.org/10.3390/s21051650

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