Next Article in Journal
Partially Segmented Permanent-Magnet Losses in Interior Permanent-Magnet Motors
Previous Article in Journal
A Technical Analysis of the H2 Purification Trains Downstream of Alkaline Electrolyzers
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Residual Physics-Informed Neural Network Approach for Identifying Dynamic Parameters in Swing Equation-Based Power Systems

1
Electric Power Research Institute, State Grid Beijing Electric Power Company, Beijing 100075, China
2
College of Science, North China University of Technology, Beijing 100144, China
*
Authors to whom correspondence should be addressed.
Energies 2025, 18(11), 2888; https://doi.org/10.3390/en18112888 (registering DOI)
Submission received: 27 April 2025 / Revised: 25 May 2025 / Accepted: 29 May 2025 / Published: 30 May 2025

Abstract

:
Several challenges hinder accurate and physically consistent dynamic parameter estimation in power systems, particularly under scenarios involving limited measurements, strong system nonlinearity, and high variability introduced by renewable integration. Although data-driven methods such as Physics-Informed Neural Networks (PINNs) provide a promising direction, they often suffer from poor generalization and training instability when faced with complex dynamic regimes. To address these challenges, we propose a Residual Physics-Informed Neural Network (Res-PINN) framework, which integrates a residual neural architecture with the swing equation to enhance estimation robustness and precision. By replacing the traditional multilayer perceptron (MLP) in PINN with residual connections and injecting normalized time into each network layer, the proposed model improves temporal awareness and enables stable training of deep networks. A physics-constrained loss formulation is employed to estimate inertia and damping parameters without relying on large-scale labeled datasets. Extensive experiments on a 4-bus, 2-generator power system demonstrate that Res-PINN achieves high parameter estimation accuracy across various dynamic conditions and outperforms traditional PINN and Unscented Kalman Filter (UKF) methods. It also exhibits strong robustness to noise and low sensitivity to hyperparameter variations. These results show the potential of Res-PINN to bridge the gap between physics-guided learning and practical power system modeling and parameter identification.

1. Introduction

With the increasing penetration of renewable energy sources in power systems, traditional synchronous generators are gradually being replaced by power-electronics-interfaced systems such as wind turbines, photovoltaic systems, and electric vehicles. The “virtual inertia” [1] provided by these devices cannot fully replicate the inertia characteristics of conventional generators, resulting in altered frequency response behavior of the system [2]. Consequently, the estimation of critical dynamic parameters, such as the inertia constant and damping coefficient, becomes increasingly complex. Dynamic Security Assessment (DSA) of power systems heavily relies on the accuracy of system models and the understanding of key system parameters [3]. Therefore, accurately estimating dynamic state parameters is essential for evaluating system stability and designing effective control strategies.
Dynamic State Estimation (DSE) integrates dynamic models of power systems with measurement data to estimate system state variables and parameters in real time [4]. This enables the monitoring of oscillatory behavior, frequency response, system stability, and fault conditions, thereby ensuring the secure operation and effective management of power systems [5]. In DSE, the Kalman Filter (KF) leverages prior predictions, real-time measurements, and dynamic models to rapidly estimate system states. However, conventional KF is limited when dealing with nonlinear systems [6,7]. To improve state estimation under system nonlinearity, the KF framework has been extended using nonlinear filtering algorithms better suited for the complex dynamics of power systems [8,9]. Commonly used approaches include the Extended Kalman Filter (EKF), Unscented Kalman Filter (UKF), Cubature Kalman Filter (CKF), Particle Filter (PF), and Ensemble Kalman Filter (EnKF). EKF, UKF, and CKF have a time complexity of O ( n 3 ) and a space complexity of O ( n 2 ) , where n denotes the system state dimension [10,11]. UKF and CKF provide higher estimation accuracy and numerical stability in moderately nonlinear systems [12]. In contrast, PF and EnKF rely on particle or ensemble sampling, with time complexities of O ( N n ) and O ( N n 2 ) , and space complexity of O ( N n ) , where N is the number of particles or ensemble members used to approximate the posterior distribution [13,14]. Although they incur higher computational costs, these methods achieve superior performance in strongly nonlinear and high-dimensional systems. Nonetheless, such filters are often sensitive to outliers and may lack robustness under sparse measurements or parameter uncertainty [15,16]. For instance, ref. [17] demonstrated that when UKF is applied to estimate the dynamic states and parameters of power systems modeled by the swing equation, its parameter estimation accuracy deteriorates significantly under both standard and fast dynamic conditions, revealing its limitations in highly dynamic environments.
In response to the weaknesses of traditional methods, feedforward neural networks (FNNs) have been employed in static state estimation. These models are capable of fitting complex data and modeling nonlinear dynamics [8]. However, their lack of physical constraints often leads to reduced generalization and interpretability. Addressing these issues, recent studies [17,18] have incorporated physical laws into neural network architectures by employing PINNs. In the estimation of states and parameters of nonlinear dynamic systems, these models embed physical knowledge into the training process and approximate solutions to the swing equation [19], enabling estimation of key parameters such as inertia and damping. PINNs have demonstrated high estimation accuracy in standard and fast dynamic systems. Nonetheless, their performance deteriorates in slow dynamic systems, where parameter estimation errors tend to be larger due to weaker system excitations. While PINNs enhance interpretability and reduce data dependence by incorporating physical laws into the learning process, their reliance on gradient-based optimization can hinder convergence in highly nonlinear or multimodal parameter spaces. Moreover, the training process can be computationally demanding, particularly for large-scale systems, which may limit their scalability [20,21]. To address these limitations, recent studies [22,23] have introduced hybrid metaheuristic algorithms, such as hybrid moth flame and particle swarm optimization (HMFPSO) and the salp swarm algorithm with sine cosine algorithm (HSSASCA), to achieve accurate and robust estimation of transmission line inductance and capacitance parameters. These methods improve convergence characteristics and estimation accuracy without relying on gradient information, offering a cost-effective solution for complex parameter estimation. Prox-linear net has been proposed, which integrates a physics-driven prox-linear solver with deep residual networks for power system state estimation (PSSE) [24]. This approach preserves the physical explainability of the model while substantially improving estimation accuracy and computational efficiency.
Given the limitations of existing methods such as UKF and standard PINNs in estimating system parameters under varying dynamic conditions, particularly in the presence of limited data and high system nonlinearity, this study adopts concepts from the prox-linear net to improve training stability and generalization. We propose a PINN framework based on a residual network (ResNet) architecture—termed Res-PINN—that estimates inertia and damping coefficients by minimizing swing equation residuals using automatically differentiated rotor angle trajectories. By introducing residual connections and repeated time-feature injection, Res-PINN enhances expressiveness and convergence, offering increased robustness under renewable-induced variability. Our approach introduces two primary innovations:
  • First, a ResNet architecture is embedded within the PINN framework to efficiently model the nonlinear mapping between system states and time [25]. By introducing residual connections at each layer, the network enables effective gradient propagation, alleviating the vanishing gradient problem typically encountered in deep networks [26,27].
  • Second, we propose a ResNet-enhanced time-feature retention mechanism within PINN. By explicitly injecting the normalized time input into every network layer, the model preserves and strengthens temporal information throughout the network.
Replacing the conventional MLP in the original PINN with a residual network structure yields two notable advantages: (i) the ResNet structure offers improved trainability and expressiveness, supporting deeper architectures while maintaining stable gradient flow, thus enabling better approximation of complex nonlinear system behaviors [28]; (ii) consistent use of normalized time inputs across layers preserves essential temporal features and improves the model’s ability to capture slow dynamics, leading to robust parameter estimation under slowly varying conditions.
From a methodological perspective, this work establishes an optimized framework that integrates residual networks into the PINN architecture for parameter estimation in the swing equation. Experimental results on a 4-bus, 2-generator system demonstrate that the proposed method achieves significantly lower parameter estimation errors than PINN and UKF across fast, standard, and slow dynamic scenarios (as demonstrated in Section 3). As illustrated in Figure A1 of Appendix B, despite identical external disturbances, the three systems exhibit drastically different rotor angle trajectories due to differences in inertia and damping parameters. This highlights the critical role of accurate parameter estimation in capturing true system dynamics and ensuring stable operation [29]. These findings demonstrate the proposed approach’s superior generalization capability and robustness, offering a solid theoretical foundation and technical pathway for developing physics-aware intelligent monitoring systems for modern power grids.

2. System Model and Methodology

This section presents the modeling and learning framework of the proposed Res-PINN. We begin with the mathematical formulation of power system dynamic behavior, followed by the architecture of the physics-informed residual neural network. The design of the loss function and the interpretation of model training as an inverse problem are also discussed.

2.1. Physical Model for Power System Dynamics

The swing equation commonly serves as a simplified model for power system dynamics, assuming constant voltage and ignoring transmission losses. For each bus k, the corresponding equation takes the form of [30,31]
m k δ ¨ k + d k δ ˙ k + j a k j sin ( δ k δ j ) P k = 0
where a k j = B k j V k V j , B k j is the { k , j } -entry of the bus susceptance matrix, and V k , V j are the voltage magnitudes at buses k , j . m k defines the generator inertia constant, when m k 0 , Equation (1) represents the dynamics at generator buses, and when m k = 0 , Equation (1) represents the dynamics at load buses [30]. d k represents the damping coefficient for generators and the frequency constant for load buses. P k denotes the mechanical power for generators and the power injection for load buses, which is typically negative for loads. δ k , δ j describe voltage angles behind transient reactance, which are equivalent to rotor angles for generators. Generator k’s angular frequency is expressed as δ ˙ k and is often symbolized by ω k .
This work aims to identify unknown parameters m k and d k , along with estimating rotor angles δ k and generator speeds ω k , based on system measurements reflecting its temporal behavior, either from historical records or real-time observations.
Modern power systems, especially those with high penetration of renewable energy, exhibit dynamic behaviors across multiple time scales due to the replacement of synchronous generators with inverter-based resources. These dynamics are typically categorized as fast, standard, and slow, depending on the nature and response speed of the underlying physical and control mechanisms [32,33].
Fast dynamics occur within a timescale of milliseconds to hundreds of milliseconds and are dominated by electromagnetic transients and fast control actions, such as inverter inner loops and excitation systems. In low-inertia systems, these dynamics are critical due to limited frequency support, requiring rapid control responses to maintain stability.
Standard dynamics span several seconds and primarily involve the electromechanical oscillations of synchronous generators. They are typically modeled by the swing equation and are essential for short-term stability analysis and Dynamic State Estimation.
Slow dynamics span time scales from tens of seconds to several minutes and reflect the long-term evolution of system states. They encompass processes such as automatic generation control (AGC), load-following responses, energy storage coordination, and interactions with market-based dispatch mechanisms [5,34]. Unlike fast or standard dynamics, which are typically well excited by disturbances, slow dynamics are often characterized by gradual changes and weak excitation. This makes accurate modeling and parameter estimation particularly challenging.

2.2. Physics-Informed Residual Neural Networks

This paper proposes a Physics-Informed Neural Network based on a residual network architecture, referred to as Res-PINN, designed for dynamic parameter estimation in power systems. The model takes time as input to learn the temporal trajectory of generator rotor angles, computes their derivatives via automatic differentiation (AD) [35], and incorporates the swing equation as a physical constraint to approximate the system’s inertia and damping coefficients.
A ResNet is a representative type of deep feedforward neural network architecture. Its core idea is to introduce residual connections, also known as skip connections, allowing the output of each layer to be influenced by the nonlinear transformation of the current layer, as well as by the input from the previous layer [28,36]. This design enables information to propagate directly across layers, effectively alleviating the problems of vanishing gradients and optimization difficulties in deep networks. As a result, residual networks maintain trainability and convergence even as the network depth increases significantly. The standard mathematical form of a residual block is given by
h ( l ) = h ( l 1 ) + F ( h ( l 1 ) ; θ ( l ) )
where F typically represents a nonlinear transformation subnetwork, such as a fully connected layer followed by an activation function, h ( l 1 ) denotes the input of the l-th layer, h ( l ) denotes the output of the l-th layer, and θ ( l ) represents the learnable parameters at that layer. In addition to improving the representational capacity of deep neural networks, this structure facilitates optimization during training.
In this work, the Res-PINN is structured as a stack of residual layers that improve training efficiency and model expressiveness for capturing nonlinear dynamics. Figure 1 illustrates the general architecture of Res-PINN. The function u ( t ) , realized through a neural network, aims to approximate the system’s state trajectory over time:
u ( t ) δ k ( t ; x 0 , λ )
where the output of the neural network u ( t ) is used to approximate the true state variable, such as the rotor angle δ k ( t ) , x 0 denotes the initial dynamic state, and λ represents system parameters such as inertia and damping coefficients. The neural network parameters are optimized using training data to accurately approximate u ( t ) . The architecture consists of L residual fully connected hidden layers, with N i neurons in the l t h layer.
The input to the network is normalized time t R , and the output corresponds to the predicted state variables. Unlike standard feedforward networks, each hidden layer in the residual network incorporates a skip connection and repeated injection of time input, the corresponding mathematical expression is given as follows:
z ( l ) = W ( l ) h ( l 1 ) + b ( l )
a ( l ) = tanh ( z ( l ) )
h ( l ) = h ( l 1 ) + a ( l ) + t ^
where h ( l 1 ) denotes the input of the l-th hidden layer, and W ( l ) and b ( l ) represent the weight matrix and bias vector of the l-th layer, respectively. tanh ( · ) represents the hyperbolic tangent activation function. h ( l ) denotes the output of the l-th hidden layer, and t ^ is the normalized time input added at every layer to preserve temporal features. The output layer maps the final hidden representation h ( L ) to the estimated state:
u ( t ) = W h ( L ) + b
where W and b denote the weight matrix and bias vector of the output layer, respectively.

2.3. Loss Function

The loss function of the Res-PINN is designed to integrate both data-driven supervision and physics-based constraints. Specifically, the total loss consists of two major components: a data loss term that penalizes the difference between predicted and observed trajectories, and a physics-based residual loss derived from the system’s swing equation.
The data loss term is formulated to supervise the network’s predictions using available measurements of the system states. Specifically, the derivative u ˙ : = t u ( t ) of u ( t ) with respect to time is computed using AD, approximating generator speeds ω k ( t ) . To train the model, the approximations of u and u ˙ are compared against the measured δ k and ω k , provided as z k n and z ˙ k n over N z time instances. This forms the loss L z :
L z : = 1 N z n = 1 N z k = 1 N k z k n u k ( t n ) 2 + z ˙ k n u ˙ k ( t n ) 2
The network parameters W ( l ) and b ( l ) are optimized to minimize the loss function.
Incorporating the inherent physical laws governing power system dynamics, a physics-informed residual loss is constructed. Specifically, this term quantifies the deviation between the predicted system evolution and the dynamics prescribed by the swing equation, thereby penalizing violations of the underlying differential constraints. To enforce consistency with the governing physical laws (1), we identify the optimal estimates of m ^ k and d ^ k that best reproduce the observed dynamics of u k ( t ) , u ˙ k ( t ) , and u ¨ k ( t ) . This consistency is quantified by the residual function f k ( t ) , evaluating the extent to which the Equation (1) is satisfied at each bus. f k ( t ) is given by
f k ( t ) : = m ^ k u ¨ k ( t ) + d ^ k u ˙ k ( t ) + j a k j sin ( u k ( t ) u j ( t ) ) P k
Our goal is to enforce f k ( t ) = 0 , indicating that the predicted outputs align with the dynamics of power systems as described by the swing equation. Consequently, we introduce N c evenly distributed collocation points t c , n across the considered time interval to evaluate physical consistency. Minimizing the regularization term L c over these points ensures that the neural network adheres to the underlying physical laws:
L c : = 1 N c n = 1 N c k = 1 N k f k ( t c , n ) 2
Notably, this loss function evaluation is independent of actual measurement data and can be performed at any chosen temporal point. Minimization of L c is achievable either via enhanced parameter estimates m ^ k and d ^ k or through generating state predictions u k ( t ) , u ˙ k ( t ) , and u ¨ k ( t ) that align better with physical principles. Accordingly, L c directly influences network parameters such as weights and biases, acting as a regularizer that ensures a physically coherent solution.
The overall training objective of the Res-PINN model is to minimize a composite loss function that combines data fidelity and physical consistency. Specifically, the total loss is defined as a weighted sum of the data loss term L z and the physics-based residual loss term L c . It is expressed as
L = λ z L z + λ c L c
where λ z and λ c are nonnegative weighting coefficients that control the trade-off between fitting observed data and satisfying physical constraints. This formulation ensures that the network not only learns to match measured trajectories but also adheres to the governing differential equations of the power system dynamics.
By jointly minimizing L , the Res-PINN framework achieves accurate trajectory prediction while embedding the underlying physical laws, which is essential for robust dynamic parameter estimation under limited measurements.

2.4. Model Training as an Inverse Problem

Estimates m ^ k * and d ^ k * are obtained by minimizing the total loss L with respect to the network parameters W ( l ) , b ( l ) and the physical parameters m ^ k , d ^ k . Only the physical estimates are reported, as they are the focus of this study.
m ^ k * , d ^ k * = argmin W ( l ) , b ( l ) , m ^ k , d ^ k L
This represents a joint optimization over both the neural network and physical system parameters.
In practice, the optimization described by Equation (12) is a notably complex, nonconvex problem frequently encountered in neural network training. Given this issue, we adopt the Adam optimizer [37], a first-order method based on stochastic gradients. The algorithm iteratively adjusts the optimization variables according to calculated gradients until stable convergence is achieved. Multiple epochs are required, indicating repeated use of the entire dataset—comprising collocation points and measurements. To accelerate training, we employ a dynamic batching strategy, where the batch size gradually increases from small subsets to eventually encompass the full dataset. Consequently, initial parameter adjustments are substantial, guiding the search towards the global minimum region and thus ensuring accurate and stable estimation without becoming trapped in local minima.

3. Numerical Simulation

The effectiveness of the proposed Res-PINN is evaluated through experiments on a 4-bus, 2-generator system for estimating inertia and damping in the swing equation. The model was evaluated for its sensitivity to network depth and width, as well as its robustness under varying levels of Gaussian noise. Additionally, we compare Res-PINN with baseline methods, including PINN and UKF, across three representative scenarios (A, B, and C), where Res-PINN consistently achieves the lowest estimation error, demonstrating its superior precision and robustness.

3.1. 4-Bus 2-Generator Model

Following [17], a 4-bus, 2-generator system, shown in Figure 2, is adopted as the test scenario due to its simplicity, which facilitates the analysis of Res-PINN’s key characteristics. Three parameter variations—systems A, B, and C—are tested. The specific parameter values for the three systems can be referenced in [17] (see Appendix A). These represent different dynamic settings: the ‘standard’ system (A), a faster response system (B), and a slower response system (C) in comparison with measurement intervals. System A serves as a baseline configuration with moderate inertia and damping values, representing typical dynamic behavior. In System B, the significantly reduced inertia and damping result in faster system responses and more active frequency characteristics, making the system more sensitive to high-frequency disturbances. In contrast, System C exhibits substantially higher inertia and damping values, leading to slower responses and smaller oscillation amplitudes, which pose greater challenges for parameter estimation under low-excitation conditions. These parameter settings are designed to emulate distinct dynamic scenarios and facilitate a comprehensive evaluation of the model’s parameter estimation accuracy under conditions of parameter uncertainty and dynamic complexity.
We initially set the system at equilibrium x ˙ = 0 , and then introduce a constant perturbation P k = { 0.1 , 0.2 , 0.1 , 0.2 } p . u . for t > 0 .

3.2. Data Generation and Experimental Setup

The data used to train and evaluate the proposed Res-PINN model are synthetically generated through numerical simulations of a 4-bus, 2-generator power system, as illustrated in Figure 2 and detailed in Appendix A. The system’s dynamic behavior follows the swing Equation (1), with inertia and damping parameters assigned according to three representative scenarios (Systems A, B, and C). Phasor Measurement Units (PMUs) collect voltage phase angle data in accordance with international standards and compute angular frequency through dynamic equations [38]. For a 50 Hz power system, the simulated sampling interval is set to 0.01 s (equivalent to a 100 Hz sampling rate), generating 200 data points over the time interval t [ 0 , 2 ] seconds. To simulate real-world observation noise, Gaussian white noise with a magnitude of 1–5% (zero mean, standard deviation in the range of 0.01 to 0.05) is added to the measurements. The measurement points and collocation points are distributed at a ratio of 1:5, and a spatiotemporal uniform sampling strategy is employed to ensure global coverage of the physical constraint.
The core hyperparameters of this study are the depth and width of the Res-PINN network. Based on convergence analysis from preliminary experiments, a residual network with four layers and 50 neurons per layer was selected. The input time domain is normalized to the [0,1] interval to eliminate dimensional inconsistencies, using min-max scaling. Weight initialization follows a method designed to balance the output variance of activation functions across layers and to avoid gradient explosion or vanishing at the early stage of training.
Training is conducted via the Adam algorithm, with an initial learning rate of 0.0001. The weight ratio between the physics-based loss and the data-driven loss is set to 10:4, a value determined through grid search to balance the trade-off between fitting the governing differential equation and the observational data. The total number of training epochs is 20,000. All simulations and experiments were run on a system with NVIDIA RTX 4090 GPU with 24 GB of memory.

3.3. Baseline

Demonstrating the effectiveness of the proposed Res-PINN model involves a comparison with two widely adopted baseline approaches.
The standard PINN model shares the same physical constraints and loss formulation as Res-PINN but uses a plain MLP as its underlying network architecture. It serves as a direct comparison to assess the impact of incorporating residual connections.
The UKF is a classical model-based algorithm for nonlinear state estimation, widely used in power system dynamic modeling. In this work, it is integrated with the swing equation to estimate inertia and damping parameters, serving as a baseline method for dynamic parameter identification.
These baselines allow us to evaluate the improvements brought by the Res-PINN model in terms of estimation accuracy, robustness to noise, and generalization across different dynamic scenarios.

3.4. Results

In the ‘standard’ system A of the 4-bus, 2-generator power system, Res-PINN, PINN, and UKF are compared for the estimation of inertia parameters ( m 1 , m 2 ) and damping coefficients ( d 1 to d 4 ). As shown in Figure 3 and Table 1, the relative estimation errors of all parameters are presented, with each result averaged over five independent trials to ensure the stability and reliability of the evaluation. As shown, Res-PINN achieves consistently lower parameter estimation errors compared with PINN and UKF across all parameters. Remarkably, it performs particularly well on parameters m 1 , m 2 , and d 4 . The average relative estimation error of Res-PINN (0.551%) is lower than that of PINN (0.677%) and significantly lower than that of UKF (6.148%), demonstrating the superior accuracy and overall reliability of Res-PINN in the ‘standard’ system.
In the fast dynamic system B of the 4-bus, 2-generator power system, a comparative analysis of Res-PINN, PINN, and UKF is conducted for the estimation of inertia parameters ( m 1 , m 2 ) and damping coefficients ( d 1 to d 4 ), as shown in Figure 4 and Table 1. Across all parameters, Res-PINN consistently achieves the lowest estimation errors, with an overall average relative estimation error of 0.822%, significantly outperforming PINN (3.188%) and UKF (7.212%). Notably, for parameters m 1 , d 1 , d 2 , and d 4 , Res-PINN demonstrates substantial improvements over both PINN and UKF. These results emphasize the enhanced accuracy and robustness of Res-PINN in estimating dynamic parameters in the fast dynamic system.
In the slow dynamic system C of the 4-bus, 2-generator power system, comparing Res-PINN, PINN, and UKF for the estimation of inertia parameters ( m 1 , m 2 ) and damping coefficients ( d 1 to d 4 ), as shown in Figure 5 and Table 1. The results show that Res-PINN significantly outperforms both PINN and UKF in terms of estimation accuracy. The average relative estimation error for Res-PINN is only 1.065%, compared with 1.951% for UKF and a much higher 22.779% for PINN. In particular, Res-PINN demonstrates substantially higher accuracy than PINN across all parameter estimations, highlighting the advantage of replacing the original MLP in PINN with a ResNet architecture in the slow dynamic system.
To assess the sensitivity of the Res-PINN model to network depth and width, Figure 6 shows that increasing either hyperparameter reduces the relative error. Wider networks consistently yield better performance across all depths, with the greatest gains observed in shallower architectures. Similarly, increasing depth improves accuracy, though the improvement becomes less significant at greater depths, indicating a trend toward convergence. These results highlight the importance of balancing depth and width for effective model design.
To evaluate the robustness of the Res-PINN model under noisy conditions, Figure 7 illustrates the sensitivity of the Res-PINN model to varying levels of Gaussian noise, measured by the relative error. As the noise level increases from 1% to 50%, the error gradually rises, indicating a degradation in model accuracy under noisier conditions. However, even at high noise levels, the Res-PINN model maintains a lower error compared with the UKF baseline, which exhibits a constant error level around 1.95%. This demonstrates the superior robustness of the Res-PINN framework to measurement noise, particularly in scenarios with moderate to high uncertainty.

4. Conclusions and Discussion

This paper proposes a Res-PINN framework for dynamic parameter estimation in power systems. By replacing the traditional MLP in standard PINNs with a residual network, the model significantly improves expressiveness and training stability while retaining the ability to encode physical knowledge. Unlike UKF, Res-PINN does not rely on prior statistical assumptions and demonstrates superior robustness to sparse measurements and nonlinearity. The integration of residual connections and normalized time inputs stabilizes gradient propagation and enhances sensitivity to system dynamics, enabling accurate estimation of inertia and damping coefficients even under renewable-induced variability.
Experiments conducted on a 4-bus, 2-generator test system show that Res-PINN consistently outperforms traditional PINN and UKF methods in dynamic parameter estimation across a range of dynamic scenarios, demonstrating strong generalization capability. Furthermore, the model exhibits high robustness to noise and maintains stable performance under varying hyperparameter settings. By achieving an end-to-end parameter identification process with strong physical interpretability, this framework lays a promising technical foundation for intelligent power system modeling and monitoring. Although the current study focuses on a small-scale system, the Res-PINN architecture is inherently scalable due to its physics-informed training and residual network design, which do not rely on system-specific discretization. This allows for reduced dependence on dense measurements and enhances training stability, as evidenced by a training loss variance of 0.0041, offering practical advantages for real-world parameter estimation tasks in renewable-integrated power grids with high uncertainty and limited observability.
Future research could explore applying the proposed method to large-scale power grids with significant renewable penetration, addressing the challenges posed by the nonlinear and time-varying dynamics of power electronic interface systems. Furthermore, integrating Res-PINN with transfer learning and adaptive sampling strategies may improve estimation accuracy and training efficiency in data-scarce regions, further enhancing its applicability in practical power system environments.

Author Contributions

Methodology, L.X.; software, S.K.; validation, H.D., J.Z., L.X. and Z.Z.; formal analysis, X.L.; investigation, L.Z.; resources, J.Z., X.L., H.D. L.Z. and W.W.; data curation, W.W.; writing—original draft preparation, J.Z., S.K. and Z.Z.; writing—review and editing, L.X. and Z.Z.; supervision, J.Z., X.L., L.Z., W.W. and S.K.; project administration, H.D. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Science and Technology Project of State Grid Corporation of China (Research on data-mechanism integrated modeling and intelligent regulation technology for large-scale flexible loads, Grant No.B7022324000B).

Data Availability Statement

The raw data supporting the conclusions of this article will be made available by the authors on request. The experimental data related to this paper can be requested from the authors via email: kongshengxin709@gmail.com.

Acknowledgments

The authors would like to express their gratitude for the support of the Electric Power Research Institute, State Grid Beijing Electric Power Company.

Conflicts of Interest

Authors Jiani Zeng, Xianglong Li, Hanqi Dai, Lu Zhang, Weixian Wang were employed by the company State Grid Beijing Electric Power Company. The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
ADAutomatic Differentiation
AGCAutomatic Generation Control
CKFCubature Kalman Filter
DSADynamic Security Assessment
DSEDynamic State Estimation
EKFExtended Kalman Filter
EnKFEnsemble Kalman Filter
FNNsFeedforward Neural Networks
HMFPSOHybrid Moth Flame and Particle Swarm Optimization
HSSASCASalp Swarm Algorithm with Sine Cosine Algorithm
KFKalman Filter
MLPMultilayer Perceptron
PFParticle Filter
PINNsPhysics-Informed Neural Networks
PMUsPhasor Measurement Units
PSSEPower System State Estimation
Res-PINNResidual Physics-Informed Neural Network
ResNetResidual Network
UKFUnscented Kalman Filter

Appendix A

The parameters of the 4-bus 2-generator system used in the simulation studies are summarized in Table A1.
Table A1. System parameters for the 4-bus, 2-generator test case.
Table A1. System parameters for the 4-bus, 2-generator test case.
System ParametersABC
m 1 (p.u.)0.30.025.2
m 2 (p.u.)0.20.034.0
d 1 (p.u.)0.150.013.8
d 2 (p.u.)0.30.0154.3
d 3 (p.u.)0.250.0210.5
d 4 (p.u.)0.250.048.3
a 13 (p.u.)0.50.52.5
a 14 (p.u.)1.21.22.2
a 23 (p.u.)1.41.02.0
a 24 (p.u.)0.80.84.8
a 34 (p.u.)0.10.10.7

Appendix B. Rotor Angle Under Different System

Figure A1 compares the dynamic behavior of two generator buses in three cases: System A (moderate inertia and damping), System B (low inertia and damping), and System C (high inertia and damping). It shows that low-inertia systems respond quickly but with large oscillations, while high-inertia and high-damping systems exhibit slower but more stable responses.
Figure A1. Rotor angle responses δ ( t ) under different system parameters.
Figure A1. Rotor angle responses δ ( t ) under different system parameters.
Energies 18 02888 g0a1

References

  1. Soni, N.; Doolla, S.; Chandorkar, M.C. Improvement of transient response in microgrids using virtual inertia. IEEE Trans. Power Deliv. 2013, 28, 1830–1838. [Google Scholar] [CrossRef]
  2. Milano, F.; Dörfler, F.; Hug, G.; Hill, D.J.; Verbič, G. Foundations and challenges of low-inertia systems. In Proceedings of the 2018 Power Systems Computation Conference (PSCC), Dublin, Ireland, 11–15 June 2018; pp. 1–25. [Google Scholar]
  3. Xu, Y.; Dong, Z.Y.; Zhao, J.H.; Zhang, P.; Wong, K.P. A reliable intelligent system for real-time dynamic security assessment of power systems. IEEE Trans. Power Syst. 2012, 27, 1253–1263. [Google Scholar] [CrossRef]
  4. Liu, Y.; Singh, A.K.; Zhao, J.; Meliopoulos, A.S.; Pal, B.; bin Mohd Ariff, M.A.; Van Cutsem, T.; Glavic, M.; Huang, Z.; Kamwa, I.; et al. Dynamic state estimation for power system control and protection. IEEE Trans. Power Syst. 2021, 36, 5909–5921. [Google Scholar] [CrossRef]
  5. Zhao, J.; Netto, M.; Huang, Z.; Yu, S.S.; Gómez-Expósito, A.; Wang, S.; Kamwa, I.; Akhlaghi, S.; Mili, L.; Terzija, V.; et al. Roles of Dynamic State Estimation in Power System Modeling, Monitoring and Operation. IEEE Trans. Power Syst. 2020, 36, 2462–2472. [Google Scholar] [CrossRef]
  6. Bhusal, N.; Gautam, M. Power system dynamic state estimation using extended and unscented Kalman filters. arXiv 2020, arXiv:2012.06069. [Google Scholar]
  7. Sakov, P.; Oliver, D.S.; Bertino, L. An iterative EnKF for strongly nonlinear systems. Mon. Weather. Rev. 2012, 140, 1988–2004. [Google Scholar] [CrossRef]
  8. Zhao, J.; Gómez-Expósito, A.; Netto, M.; Mili, L.; Abur, A.; Terzija, V.; Kamwa, I.; Pal, B.; Singh, A.K.; Qi, J.; et al. Power system dynamic state estimation: Motivations, definitions, methodologies, and future work. IEEE Trans. Power Syst. 2019, 34, 3188–3198. [Google Scholar] [CrossRef]
  9. Hossain, M.J.; Naeini, M. Multi-area distributed state estimation in smart grids using data-driven Kalman filters. Energies 2022, 15, 7105. [Google Scholar] [CrossRef]
  10. Wan, E.A.; Van Der Merwe, R. The unscented Kalman filter for nonlinear estimation. In Proceedings of the IEEE 2000 Adaptive Systems for Signal Processing, Communications, and Control Symposium (Cat. No. 00EX373), Lake Louise, AB, Canada, 4 October 2000; pp. 153–158. [Google Scholar]
  11. Arasaratnam, I.; Haykin, S. Cubature kalman filters. IEEE Trans. Autom. Control 2009, 54, 1254–1269. [Google Scholar] [CrossRef]
  12. Wang, T.; Zhang, L.; Liu, S. Improved Robust High-Degree Cubature Kalman Filter Based on Novel Cubature Formula and Maximum Correntropy Criterion with Application to Surface Target Tracking. J. Mar. Sci. Eng. 2022, 10, 1070. [Google Scholar] [CrossRef]
  13. Doucet, A.; Johansen, A.M. A tutorial on particle filtering and smoothing: Fifteen years later. Handb. Nonlinear Filter. 2009, 12, 3. [Google Scholar]
  14. Roth, M.; Hendeby, G.; Fritsche, C.; Gustafsson, F. The Ensemble Kalman filter: A signal processing perspective. EURASIP J. Adv. Signal Process. 2017, 2017, 1–16. [Google Scholar] [CrossRef]
  15. Simon, D. Optimal State Estimation: Kalman, H Infinity, and Nonlinear Approaches; John Wiley & Sons: Hoboken, NJ, USA, 2006. [Google Scholar]
  16. Reich, S.; Cotter, C. Probabilistic Forecasting and Bayesian Data Assimilation; Cambridge University Press: Cambridge, UK, 2015. [Google Scholar]
  17. Stiasny, J.; Misyris, G.S.; Chatzivasileiadis, S. Physics-informed neural networks for non-linear system identification for power system dynamics. In Proceedings of the 2021 IEEE Madrid PowerTech, Madrid, Spain, 28 June–2 July 2021; pp. 1–6. [Google Scholar]
  18. Zamzam, A.S.; Fu, X.; Sidiropoulos, N.D. Data-driven learning-based optimization for distribution system state estimation. IEEE Trans. Power Syst. 2019, 34, 4796–4805. [Google Scholar] [CrossRef]
  19. Misyris, G.S.; Venzke, A.; Chatzivasileiadis, S. Physics-informed neural networks for power systems. In Proceedings of the 2020 IEEE Power & Energy Society General Meeting (PESGM), Montreal, QC, Canada, 2–6 August 2020; pp. 1–5. [Google Scholar]
  20. Wong, J.C.; Gupta, A.; Ooi, C.C.; Chiu, P.H.; Liu, J.; Ong, Y.S. Physics-Informed Neuro-Evolution (PINE): A Survey and Prospects. arXiv 2025, arXiv:2501.06572. [Google Scholar]
  21. Urbán, J.F.; Stefanou, P.; Pons, J.A. Unveiling the optimization process of Physics Informed Neural Networks: How accurate and competitive can PINNs be? J. Comput. Phys. 2025, 523, 113656. [Google Scholar] [CrossRef]
  22. Shaikh, M.S.; Raj, S.; Babu, R.; Kumar, S.; Sagrolikar, K. A hybrid moth–flame algorithm with particle swarm optimization with application in power transmission and distribution. Decis. Anal. J. 2023, 6, 100182. [Google Scholar] [CrossRef]
  23. Shaikh, M.S.; Raj, S.; Abdul Latif, S.; Mbasso, W.F.; Kamel, S. Optimizing transmission line parameter estimation with hybrid evolutionary techniques. IET Gener. Transm. Distrib. 2024, 18, 1795–1814. [Google Scholar] [CrossRef]
  24. Zhang, L.; Wang, G.; Giannakis, G.B. Real-time power system state estimation and forecasting via deep unrolled neural networks. IEEE Trans. Signal Process. 2019, 67, 4069–4077. [Google Scholar] [CrossRef]
  25. Sun, L.; Gao, H.; Pan, S.; Wang, J.X. Surrogate modeling for fluid flows based on physics-constrained deep learning without simulation data. Comput. Methods Appl. Mech. Eng. 2020, 361, 112732. [Google Scholar] [CrossRef]
  26. Wang, S.; Teng, Y.; Perdikaris, P. Understanding and mitigating gradient flow pathologies in physics-informed neural networks. SIAM J. Sci. Comput. 2021, 43, A3055–A3081. [Google Scholar] [CrossRef]
  27. Yun, J. Mitigating Gradient Overlap in Deep Residual Networks with Gradient Normalization for Improved Non-Convex Optimization. In Proceedings of the 2024 IEEE International Conference on Big Data (BigData), Washington DC, USA, 15–18 December 2024; pp. 3831–3837. [Google Scholar]
  28. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  29. Song, J.; Shan, X.; Zhang, J.; Wen, H. Parameter Estimation of Power System Oscillation Signals under Power Swing Based on Clarke–Discrete Fourier Transform. Electronics 2024, 13, 297. [Google Scholar] [CrossRef]
  30. Chatzivasileiadis, S.; Vu, T.L.; Turitsyn, K. Remedial actions to enhance stability of low-inertia systems. In Proceedings of the 2016 IEEE PES General Meeting (PESGM), Boston, MA, USA, 17–21 July 2016; pp. 1–5. [Google Scholar] [CrossRef]
  31. Misyris, G.S.; Chatzivasileiadis, S.; Weckesser, T. Robust Frequency Control for Varying Inertia Power Systems. In Proceedings of the 2018 IEEE PES Innovative Smart Grid Technologies Conference Europe, Sarajevo, Bosnia and Herzegovina, 21–25 October 2018. [Google Scholar]
  32. Zhang, M.; Han, Y.; Liu, Y.; Zalhaf, A.S.; Zhao, E.; Mahmoud, K.; Darwish, M.M.; Blaabjerg, F. Multi-timescale modeling and dynamic stability analysis for sustainable microgrids: State-of-the-art and perspectives. Prot. Control Mod. Power Syst. 2024, 9, 1–35. [Google Scholar] [CrossRef]
  33. Madjovski, D.; Dumancic, I.; Tranchita, C. Dynamic Modeling of Distribution Power Systems with Renewable Generation for Stability Analysis. Energies (19961073) 2024, 17, 5178. [Google Scholar] [CrossRef]
  34. Gulzar, M.M.; Sibtain, D.; Alqahtani, M.; Alismail, F.; Khalid, M. Load frequency control progress: A comprehensive review on recent development and challenges of modern power systems. Energy Strategy Rev. 2025, 57, 101604. [Google Scholar] [CrossRef]
  35. Raissi, M.; Perdikaris, P.; Karniadakis, G.E. Physics-informed neural networks: A deep learning framework for solving forward and inverse problems involving nonlinear partial differential equations. J. Comput. Phys. 2019, 378, 686–707. [Google Scholar] [CrossRef]
  36. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef]
  37. Kingma, D.P.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
  38. IEC/IEEE 60255-118-1:2018; IEEE/IEC International Standard—Measuring Relays and Protection Equipment—Part 118-1: Synchrophasor for Power Systems—Measurements. IEEE: Piscataway, NJ, USA, 2018; pp. 1–78. [CrossRef]
Figure 1. Res-PINN architecture diagram.
Figure 1. Res-PINN architecture diagram.
Energies 18 02888 g001
Figure 2. 4-bus 2-generator system.
Figure 2. 4-bus 2-generator system.
Energies 18 02888 g002
Figure 3. System A—parameter estimation error.
Figure 3. System A—parameter estimation error.
Energies 18 02888 g003
Figure 4. System B—parameter estimation error.
Figure 4. System B—parameter estimation error.
Energies 18 02888 g004
Figure 5. System C—parameter estimation error.
Figure 5. System C—parameter estimation error.
Energies 18 02888 g005
Figure 6. The model’s sensitivity to the hyperparameters width and depth.
Figure 6. The model’s sensitivity to the hyperparameters width and depth.
Energies 18 02888 g006
Figure 7. The model’s sensitivity to the level of Gaussian noise.
Figure 7. The model’s sensitivity to the level of Gaussian noise.
Energies 18 02888 g007
Table 1. Relative Estimation Errors (%) for Systems A, B, and C.
Table 1. Relative Estimation Errors (%) for Systems A, B, and C.
System ASystem BSystem C
Parameter PINN UKF Res-PINN PINN UKF Res-PINN PINN UKF Res-PINN
m 1 0.1502.5440.0350.98910.3370.44774.3224.3283.693
m 2 0.2366.3330.0690.5534.9250.97028.7641.9850.983
d 1 2.6897.1001.83411.4797.1002.48816.9350.0480.068
d 2 0.2879.8700.9885.5429.8700.9248.5631.5320.709
d 3 0.0825.2170.3020.0155.2170.0391.3723.5990.770
d 4 0.6155.8220.0790.5505.8220.0656.7200.2120.169
Average0.6776.1480.5513.1887.2120.82222.7791.9511.065
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

Zeng, J.; Li, X.; Dai, H.; Zhang, L.; Wang, W.; Zhang, Z.; Kong, S.; Xu, L. A Residual Physics-Informed Neural Network Approach for Identifying Dynamic Parameters in Swing Equation-Based Power Systems. Energies 2025, 18, 2888. https://doi.org/10.3390/en18112888

AMA Style

Zeng J, Li X, Dai H, Zhang L, Wang W, Zhang Z, Kong S, Xu L. A Residual Physics-Informed Neural Network Approach for Identifying Dynamic Parameters in Swing Equation-Based Power Systems. Energies. 2025; 18(11):2888. https://doi.org/10.3390/en18112888

Chicago/Turabian Style

Zeng, Jiani, Xianglong Li, Hanqi Dai, Lu Zhang, Weixian Wang, Zihan Zhang, Shengxin Kong, and Liwen Xu. 2025. "A Residual Physics-Informed Neural Network Approach for Identifying Dynamic Parameters in Swing Equation-Based Power Systems" Energies 18, no. 11: 2888. https://doi.org/10.3390/en18112888

APA Style

Zeng, J., Li, X., Dai, H., Zhang, L., Wang, W., Zhang, Z., Kong, S., & Xu, L. (2025). A Residual Physics-Informed Neural Network Approach for Identifying Dynamic Parameters in Swing Equation-Based Power Systems. Energies, 18(11), 2888. https://doi.org/10.3390/en18112888

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