Next Article in Journal
Bio-Solid Fuel from Wheat Straw via Microwave Torrefaction: Process Optimization and Environmental Assessment
Previous Article in Journal
Influence of Guar Gum and Xanthan Gum on the Rheological Behavior, Texture, and Microstructure of Probiotic Low-Fat Yogurt
Previous Article in Special Issue
Coordinated Optimization of Household Air Conditioning and Battery Energy Storage Systems: Implementation and Performance Evaluation
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Data-Driven Noise-Resilient Method for Wind Farm Reactive Power Optimization

1
Power Grid Planning Research Center, Guangxi Power Grid Co., Ltd., Nanning 530015, China
2
School of Shipping and Maritime Studies, Guangzhou Maritime University, Guangzhou 510725, China
3
China Energy Engineering Group Guangxi Electric Power Design Institute Co., Ltd., Nanning 530007, China
*
Author to whom correspondence should be addressed.
Processes 2025, 13(10), 3303; https://doi.org/10.3390/pr13103303
Submission received: 5 September 2025 / Revised: 7 October 2025 / Accepted: 14 October 2025 / Published: 15 October 2025

Abstract

Accurate reactive power optimization in wind farms (WFs) is critical for optimizing operations and ensuring grid stability, yet it faces challenges from noisy, nonlinear, and dynamic Supervisory Control and Data Acquisition (SCADA) data. This study proposes an innovative framework, WBS-BiGRU, integrating three novel components to address these issues. Firstly, the Wavelet-DBSCAN (WDBSCAN) method combines wavelet transform’s time–frequency analysis with density-based spatial clustering of applications with noise (DBSCAN)’s density-based clustering to effectively remove noise and outliers from complex WF datasets, leveraging multi-scale features for enhanced adaptability to non-stationary signals. Subsequently, a Boomerang Evolutionary Optimization (BAEO) with the Seasonal Decomposition Improved Process (SDIP) synergistically decomposes time series into trend, seasonal, and residual components, generating diverse candidate solutions to optimize data inputs. Finally, a Bidirectional Gated Recurrent Unit (BiGRU) network enhanced with an attention mechanism captures long-term dependencies in temporal data and dynamically focuses on key features, improving reactive power forecasting precision. The WBS-BiGRU framework significantly enhances forecasting accuracy and robustness, offering a reliable solution for WF operation optimization and equipment health management.

1. Introduction

Wind energy has rapidly emerged as a pivotal element in the global shift towards sustainable energy systems [1,2]. With the increasing scale and complexity of wind power systems, reactive power fluctuations have become significant challenges to the secure operation of the grid, reducing the efficiency of wind power integration and system stability [3,4]. Maintaining grid stability requires suppressing reactive power fluctuations.
Extensive studies [5,6,7,8,9] propose model-based methods to manage reactive power in wind farms (WFs). A sensitivity analysis-based approach is developed [5] for optimal reactive power allocation in doubly fed induction generator (DFIG)-based wind farms, improving voltage profiles. In [6], a dynamic reactive power optimization model incorporating wind farms and energy storage is proposed, minimizing losses during fluctuating conditions. In [7,8], Particle Swarm Optimization (PSO) and genetic algorithms are employed for multi-objective reactive power dispatch in distribution networks with wind integration. In [9], a robust linear optimization is used to leverage wind farms’ reactive power range for uncertain system conditions. These methods, though effective, rely on accurate models, causing computational complexity and linearization errors. Model-free methods [10,11,12,13,14] include data-driven clustering for wind power prediction [10], scenario-based optimization for reactive power management [11], and sensitivity analysis for loss reduction [12]. A wavelet packet decomposition for smoothing wind power fluctuations is employed in [13], while Ref. [14] uses empirical mode decomposition for hybrid reactive power control. These methods struggle with nonlinear system complexity.
Advancements in artificial intelligence have driven research in intelligent WF control methods using historical data, demonstrating efficacy in data prediction and fitting [15,16,17,18,19,20]. In [15], a hybrid Convolutional Neural Network and Long Short-Term Memory (CNN-LSTM) model is proposed to regulate reactive power by learning patterns from SCADA time series data. A deep neural network (DNN) is employed in [16] for direct power control to reduce dispatch time. However, these self-supervised methods struggle with long-term temporal dependencies.
Thus, Refs. [17,18] introduce Recurrent Neural Network (RNN)-based methods with LSTM networks to optimize reactive power and mitigate anomalous data effects, reducing computational complexity. Reference [19] uses the gated recurrent unit (GRU) for capturing dependencies in wind power signals, while [20] integrates attention mechanisms for enhanced forecasting. Self-supervised methods for WF control depend on accurate training data labels, limiting adaptability. Unsupervised learning, particularly deep reinforcement learning (DRL), addresses these issues [21,22,23,24,25]. A DRL-based volt/var control with entropy regularization is proposed in [21] for optimizing WFa voltage. In [22], a multi-agent DRL scheme develops an autonomous voltage control algorithm using a Multi-Agent Deep Deterministic Policy Gradient (MADDPG), learning from SCADA data. Refs. [23,24,25] integrate the Monte Carlo method with RL. A quantum Monte Carlo optimization is introduced in [23] for DFIG parameters. In [24], offline learning with MCTS is combined for wind power restoration, and Ref. [25] uses a double-network DRL to coordinate power. However, the expensive training cost limits the adaptability. To address these limitations, this study proposes the WBS-BiGRU framework for reactive power optimization in WFs. First, the Wavelet-DBSCAN (WDBSCAN) method combines wavelet transform’s time–frequency decomposition with DBSCAN’s density-based clustering to remove noise and outliers, preserving multi-scale signal features. Second, the Boomerang Evolutionary Optimization with the Seasonal Decomposition Improved Process (BAEO-SDIP) leverages a stochastic differential equation framework and adaptive evolutionary optimization to decompose cleaned data into trend, seasonal, and residual components, generating a 24-dimensional feature matrix for predictive modeling. Finally, an attention-enhanced Bidirectional Gated Recurrent Unit (BiGRU) captures long-term temporal dependencies and dynamically weights key features, improving reactive power control precision. The contributions of this paper can be summarized as follows:
  • Wavelet-DBSCAN (WDBSCAN) for data cleaning is proposed, which innovatively integrates the time–frequency analysis capability of wavelet transform with the density-based clustering property of DBSCAN. This approach effectively eliminates noise and outliers from complex wind power SCADA datasets. WDBSCAN leverages multi-scale features extracted via wavelet decomposition to enhance adaptability to non-stationary signals.
  • An approach combining Boomerang Evolutionary Optimization (BAEO) with the Seasonal Decomposition Improved Process (SDIP) is developed to achieve synergistic enhancement of trend decomposition and model parameter tuning. SDIP decomposes time series data into trend, seasonal, and residual components to generate a diverse set of candidate solutions.
  • A Bidirectional Gated Recurrent Unit (BiGRU) network is proposed with an attention mechanism to improve the accuracy of reactive power forecasting in WFs. The BiGRU architecture captures long-term dependencies in temporal wind power data by modeling both forward and backward time sequences. The attention mechanism further improves prediction performance by dynamically focusing on key features. This combination enables the model to extract more informative representations from complex SCADA data, leading to enhanced forecasting precision.
The rest of the paper is organized as follows. Section 2 gives an overview of the proposed WBS-BiGRU. Section 3 describes the WDBSCAN model. Section 4 describes the Bi-GRU-based model; simulation results are presented and discussed in Section 5, followed by conclusions.

2. Materials and Methods

In this section, a WBS-BiGRU is proposed to achieve the reactive power optimization dispatch in WFs. The flowchart of the proposed WBS-BiGRU is shown in Figure 1. Firstly, the WF data w g , F t , T s , P w , Q w , w s , T g , are optimized by the WDBSCAN algorithm to enhance the data quality, combining wavelet transform and DBSCAN to remove noise and outliers, enhancing data quality. Second, BAEO-SDIP optimizes reactive power outputs of WT groups. SDIP decomposes data into trend, seasonal, and residual components, while BAEO tunes control parameters. Finally, a BiGRU-Attention model predicts reactive power, capturing temporal dependencies and focusing on key features for accurate dispatch. WBS-BiGRU ensures efficient reactive power optimization and grid stability.

2.1. Modeling of WT and Noise Analysis

The state space of the WT can be expressed as
x ˙ t = f s x t , u t , z t + ω ( t ) y t = g s x t , u t , z t + v ( t )
with
A x = a 1 0 0 0 0 a 2 0 0 0 0 0 0 0 0 0 0 c 1 0 0 0 0 0 d 1 0 d 2 0 0 0 0 0 0 0 0 e 1 0 f 1 0 0 0 0 0 0 0 g 1 0 0 0 0 g 2 , A u = 0 0 0 0 e 2 0 0 , A z = 0 0 0 0 0 b 3 0 c 3 0 0 0 0 e 3 0 0 0 0 f 3 0 0 0
f n l x t , u t , z ( t ) = a 3 I t t w g t 2 , b 1 w s t 3 + b 2 θ p t P w t , c 2 θ p t P w t , d 3 F t t 2 , 0 , f 2 I t t w s t , 0 T
C x = 0,0 , c 1 , 0,0 , 0,0 , C u = c 2 P w t , C z = 0 , c 3 , 0
The above state space equation can be linearized in the operating point x 0 , u 0 , where it corresponds to the steady-state values of the WT. The linearization by Taylor expansion can be expressed as
St   It   f s x , u , z f s x 0 , u 0 , z 0 + A x + B u + E Δ z + R 2 f s ( x , u , z ) g s x , u , z g s x 0 , u 0 , z 0 + C x + D u + F Δ z + R 2 g s ( x , u , z )
with
A = A x + f n l x | x 0 , u 0 , z 0 , B = f s u | ( x 0 , u 0 , z 0 ) , E = g s z | ( x 0 , u 0 , z 0 )
C = C x , D = c 2 P w t 0 , F = C z
f n l x = 2 a 3 I t ( t 0 ) w g ( t 0 ) 0 0 0 0 0 0 0 b 2 θ p ( t 0 ) 0 0 0 3 b 1 w s ( t 0 ) 2 0 0 c 2 θ p ( t 0 ) 0 0 0 0 0 0 0 0 0 2 d 3 F t ( t 0 ) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 f 2 I t ( t 0 ) 0 0 0 0 0 0 0 0
R 2 f s = a 3 I t ( t 0 ) Δ x 1 2 + a 3 w g ( t 0 ) Δ x 1 Δ z 1 1 2 b 2 Δ x 2 Δ u 1 2 c 2 Δ x 3 Δ u d 3 Δ x 5 2 0 3 b 1 w s ( t 0 ) Δ x 6 2 + 1 2 f 2 Δ x 6 Δ z 1 0 , R 2 g s = 1 2 c 2 Δ x 2 Δ u
The linearization error is
e x ˙ = f s x , u , z f s x 0 , u 0 , z 0 A x B u E Δ z R 2 f s x , u , z e y = g s x , u , z g s x 0 , u 0 , z 0 C x D u F Δ z R 2 g s x , u , z
As the system deviates further from the nominal operating point, these errors increase exponentially, leading to reduced prediction accuracy and degraded control performance. Therefore, improving data quality is essential to maintain the effectiveness of data-driven approaches.

2.2. WDBSCAN

To achieve reactive power optimization in WFs, the proposed methodology integrates WDBSCAN data cleaning. The WDBSCAN process cleans with the Biomedically Informed Adaptive Evolutionary Optimization with the BAEO-SDIP model and the multi-dimensional SCADA data, denoted as x t . The cleaned data x c (t) is then fed into the BAEO-SDIP model to optimize the reactive power Q W ( t ) . This section details the mathematical formulation of this integrated process.
As shown in Figure 2, F1 (Wavelet Coefficients after Denoising) and F2 (Clustered Feature Space), with noise/outliers marked in red and clusters in blue/green
W x i j , k = t x i t ψ j , k t
where ψ j , k t = 2 j / 2 ψ ( 2 j t k ) is the wavelet basis function, ψ ( t ) is the mother wavelet, j is the scale, and k is the time shift. The signal is reconstructed using denoised coefficients:
x i c ( t ) = k c J , k ϕ J , k t + j = 1 J k d j , k ψ j , k t
where ϕ J , k t is the scaling function, c J , k are approximation coefficients, d j , k are denoised detail coefficients, and J = log 2 N is the maximum decomposition level for N time steps. Denoising is performed via soft thresholding as
d j , k = s i g n ( d j , k ( m ) ) · d j , k ( m ) λ j ,   i f   d j , k > λ j 0 , e l s e , λ j = σ j 2 l n N
where σ j is the robust standard deviation estimate. The denoised data is standardized to eliminate scale differences:
x s t d = x 1 s t d , , x i s t d T , x i s t d t = x i t μ i σ i
where μ i = 1 N t x i c ( t ) and σ i = 1 N t ( x i c t μ i ) 2 . DBSCAN then identifies clusters using the neighborhood definition as
N ϵ x s t d ( t i ) = x s t d t j | x s t d t i x s t d t j 2 ϵ
where · 2 is the Euclidean distance, and ϵ is chosen based on k-nearest neighbor distances. The output data of WDBSCAN is
x c = x 1 c , , x i c T

2.3. BAEO-SDIP

The BAEO-SDIP model processes the cleaned data x c t to decompose each dimension into trend, seasonal, and residual components, generating features suitable for subsequent control. As shown in Figure 3, the process leverages a stochastic differential equation (SDE) framework optimized by a biomedically informed adaptive evolutionary algorithm (BAEO).

2.3.1. Stochastic Differential Model for Decomposition

For each dimension x i c ( t ) , the dynamics are modeled using an SDE,
d x i c t = μ i t r e n d t ; θ i + μ i s e a n o n a l t ; θ i d t + σ i x c t ; θ i d W t
where μ i t r e n d t ; θ i represents the long-term trend, μ i s e a n o n a l t ; θ i captures periodic components, σ i x c t ; θ i = k v i w s c t 2 models residual stochasticity, and W t is a Wiener process. The trend and seasonal terms are parameterized as
μ i t r e n d t ; θ i = a i t + b i μ i s e a n o n a l t ; θ i = m M c i , m s i n 2 π m t T s e a s o n a l + d i , m c o s 2 π m t T s e a s o n a l
where T s e a s o n a l is the seasonal period, and M is the number of harmonic components.

2.3.2. BAEO

BAEO optimizes the parameters θ i for each dimension by minimizing the decomposition error,
J θ i = 1 N t T x i c t μ i t r e n d t ; θ i + μ i s e a n o n a l t ; θ i 2
where T is the set of time steps in x c t . A population Θ = θ i , 1 , , θ i , P is initialized, with P individuals. Evolution proceeds via selection, crossover, and adaptive mutation as
θ i , c h i l d = α θ i , j + 1 α θ i , k θ i , j = θ i , j + η t g e n N 0 , σ m u t 2
where α ~ U 0,1 , η t g e n = η 0 e β t g e n , and σ m u t = σ 0 · V a r Θ V a r 0 . The optimal parameters are
θ i * = a r g   min θ i , j Θ J θ i
The decomposed components are extracted as
x i t r e n d t = μ i t r e n d t ; θ i * x i s e a s o n a l t = μ i s e a s o n a l t ; θ i * x i r e s i d u a l t = x i c t x i t r e n d t x i s e a s o n a l t
The feature matrix is constructed as
M F = x 1 t r e n d t , x 1 s e a s o n a l t , x 1 r e s i d u a l t , , x 1 t r e n d t , x i s e a s o n a l t , x i r e s i d u a l t T
augmented with control input u t = θ p t and disturbance z t = I t t , ϕ ω t , W e t ,
M F , a u g ( t ) = M F ( t ) T , θ p t , I t t , ϕ ω t , W e t T

2.4. BiGRU-Attention

The augmented feature matrix M F , a u g ( t ) is processed by an Attention Network to weigh the importance of each feature across time steps, enhancing the capture of temporal dependencies for BiGRU input.
For a sequence of feature vectors M F , a u g t τ + 1 , , M F , a u g t over a time window of length τ, the attention mechanism computes a context vector. Each feature vector is first transformed through a fully connected layer,
ι t = t a n h W ι M F , a u g t + b ι
Attention weights are computed as
α t w = exp u t T u w s = t τ + 1 t e x p u s T u w u t = W u ι t + b u
where W u , b u , u w is a learnable context vector, and α t w represents the attention weight for time t . The context vector is
c t = s = t τ + 1 t α s w M F , a u g s
The attention-weighted output is c t , M F , a u g t , combining the context vector and current features to capture both historical and current information. The attention-weighted output is fed into a BiGRU to model temporal dependencies and predict reactive power Q w t + t . The BiGRU processes the sequence x ^ = c t τ + 1 , M F , a u g t τ + 1 , , c t , M F , a u g t ; the process of the bidirectional GRU can be expressed as,
z t = σ W z x ^ t + U z h t 1 + b z r t = σ W r x ^ t + U r h t 1 + b r h ~ t = tanh W h x t + U h r t h t 1 + b h h t = 1 z t h t 1 + z t h ~ t
The output h t = h t , h t , and the final prediction is obtained via a fully connected layer: Q ^ w t + Δ t = W o h t . The BiGRU is trained to minimize the mean squared error, and the loss is
L = 1 N t r a i n t T t r a i n Q w c t + t Q ^ w t + t 2
The parameters are optimized via AdamW using backpropagation. The structure of BiGRU-Attention is demonstrated in Figure 4.

3. Results

3.1. Test System

To validate the effectiveness of the WDBSCAN method in data denoising, a 500s simulation test was conducted on a WF comprising 10 × 5 MW WTs. The results demonstrated that WDBSCAN significantly improved data quality by effectively reducing noise in the WF data. Furthermore, to evaluate the performance of the WBS-BIGRU in active power fluctuation suppression and voltage fluctuation suppression, corresponding simulation tests were performed. The results confirmed that the WBS-BIGRU provides excellent control performance, effectively stabilizing the WFs’ reactive power output. The simulation and method parameters are in Table 1.

3.2. Data Cleaning

To demonstrate the superiority of the proposed WDBSCAN in data cleaning in reactive power, w g , and T g , a 500 s simulation was performed to denoise the reactive power, w g , and T g of the WFs. In this simulation, the proposed WDBSCAN is compared with the model predictive control method (MPC) [26]. The 3D visualization of reactive power, w g , and T g is shown in Table 2.
Figure 5 presents a 3D visualization of the key performance indicators, reactive power, Wg, and Tg, for the proposed WDBSCAN method and the conventional MPC method. As demonstrated in Figure 5, the WDBSCAN points are clustered in a lower-value region for reactive power and torque compared to MPC, indicating smoother and more efficient operation. For instance, the WDBSCAN cluster centers around reactive power values of approximately 4.8 × 105 Var, generator speeds of 1.3 × 102 rad/s, and generator torque of 1.8 × 104 N·m, while MPC points are shifted to higher values (around 5.2 × 105 Var, 1.4 × 102 rad/s, and 2.1 × 105 N·m). This shift demonstrates WDBSCAN’s ability to minimize reactive power consumption and torque stress, reducing the overall system load by 8.22% in reactive power, 7.53% in rotor speed, and 14.02% in torque, as quantified in the table sums. The tighter clustering of WDBSCAN points, which is a smaller spread in all dimensions, reflects consistent performance across WTs, with reduced variability due to effective noise removal and outlier detection. In contrast, MPC points exhibit greater dispersion, particularly in generator torque, suggesting sensitivity to data noise and non-stationarities in SCADA inputs. The 3D separation between the two clusters underscores WDBSCAN’s superiority in handling nonlinear dynamics and noise, leading to lower energy losses and improved grid stability.
As seen in Table 1, WDBSCAN consistently outperforms MPC across all metrics, highlighting WDBSCAN’s ability to optimize torque distribution under fluctuating conditions. WDBSCAN’s superiority stems from its hybrid wavelet-DBSCAN approach, which effectively removes noise and outliers, providing cleaner input for optimization compared to MPC, which relies on raw data and suffers from linearization errors and computational overhead. By leveraging multi-scale wavelet decomposition, WDBSCAN adapts to non-stationary signals like wind speed variations, leading to more accurate parameter estimates and reduced system stress.

3.3. Control Performance

Figure 6 compares the convergence of BAEO-SDIP, Standard BAEO, PSO, and GA. BAEO-SDIP achieves the lowest terminal error (2.559943 × 10−1), slightly outperforming Standard BAEO and PSO, and substantially surpassing GA. In the early stage (1–50 iterations), both BAEO variants converge rapidly, with BAEO-SDIP reducing the error by 85.63%. Although Standard BAEO shows a marginally faster transient, BAEO-SDIP overtakes from iteration 100 onward and continues to refine stably, with minimal oscillation. PSO requires larger mid-stage corrections, while GA exhibits persistently higher errors. The 3D search trajectories corroborate these findings: BAEO-SDIP follows a compact and monotonic path to the low-MSE region, indicating effective exploration–exploitation balance; Standard BAEO requires longer refinement; PSO shows broader excursions; and GA remains distant from the optimum.
Figure 7 illustrates reactive power regulation for WT 1 to WT 10 under proposed, BiGRU, and PD methods.
Figure 7 illustrates the spatial–temporal distributions of reactive power under WBS-BiGRU, plain BiGRU, and PD control. The proposed method maintains a narrow amplitude band which is around 0.41 to 0.47 MVar with smooth gradients along both turbine and time axes, effectively suppressing abrupt steps. BiGRU reduces some fluctuations but exhibits striping and mild chattering, while PD spans the widest range, which is around 0.36 to 0.50 MVar with frequent step changes, indicating weak ramp-rate regulation. In spatial terms, WBS-BiGRU preserves small cross-sectional gradients, reflecting coordinated VAR sharing, whereas BiGRU shows periodic non-uniformity and PD exhibits discontinuities across turbines. Temporally, WBS-BiGRU achieves monotone adjustments with minimal overshoot, while BiGRU oscillates during ramps and PD amplifies noise with frequent corrections.
As shown in Figure 8, WBS-BiGRU exhibits the lowest ripple and smallest overshoot across all WTs, rapidly tracking profile changes without undershoot. In contrast, PD produces repeated multi-peak corrections and BiGRU shows mild lag. The WBS-BiGRU further demonstrates highly consistent responses across turbines, indicating robustness against noise and parameter dispersion, while PD traces vary considerably in amplitude and settling pattern. Moreover, the control performance of DDPG is overall inferior to BiGRU, mainly due to the high difficulty of convergence and its strong dependence on noise during training.
This paper presents a comprehensive evaluation of the performance of the methods, which employs the evaluation index. The selection of the specific index is motivated by the necessity to provide a robust quantitative assessment of the noise suppression of the collected data, thereby enabling a comprehensive evaluation of the predictive capability of the investigated method. The index is standard deviation (SD), as follows:
SD = 1 n 1 i = 1 n s i s ^ i 2
where s i denotes measured value, s - denotes average value of measured values, and s ^ i denotes the output of the evaluated method.
To statistically validate the reductions in reactive power SD achieved by WBS-BiGRU, we conducted paired t-tests against each baseline method.
For the paired t-test, let X = x 1 , , x n , and Y = y 1 , , y n denote the SD samples from WBS-BiGRU and a baseline, respectively. Define the difference d i = x i y i for i = 1 , , n with mean d ¯ and standard deviation s d ,
d ¯ = 1 n i = 1 n d i , s d = 1 n 1 i = 1 n d i d ¯ 2
The t-statistic is then computed as
t = d ¯ s d / n , d f = n = 1
and the two-tailed p-value is
p = 2 · P T d f t
where T d f denotes the student’s t-distribution with df degrees of freedom. For independent baselines with potentially unequal variances, the Welch t-test is applied as
t = x ¯ y ¯ s x 2 n x + s y 2 n y , d f = s x 2 n x + s y 2 n y 2 s x 2 / n x 2 n x 1 + s y 2 / n y 2 n y 1
The p-value is shown in Table 3.
Figure 9 presents the SD of reactive power outputs across 10 wind turbines for WBS-BiGRU and baseline methods (BiGRU, DDPG, and PD). To statistically validate the observed fluctuation reductions, paired t-tests were conducted for each turbine. The results indicate that WBS-BiGRU achieves significant suppression of reactive power variability compared with all baselines: WBS-BiGRU with BIGRU (p = 1.45 × 10−5), WBS-BiGRU with DDPG (p = 3.04 × 10−7), and WBS-BiGRU with PD SCADA (p = 6.43 × 10−7). These extremely low p-values confirm that the reductions are statistically significant, validating WBS-BiGRU’s robust noise mitigation across all turbines. Notably, the average SD reductions reach 7–10% relative to BiGRU, demonstrating that the integration of WDBSCAN and BiGRU-Attention effectively smooths reactive power fluctuations while preserving key temporal features. The SD of reactive power outputs demonstrates the superiority of the proposed WBS-BiGRU. The Original SCADA signals exhibit the highest variability, often exceeding 0.025 MVar, indicating strong fluctuations and weak ramp-rate compliance. By comparison, BiGRU reduces the SD to approximately 0.0123 to 0.0137 MVar, corresponding to a 45.27–50.56% reduction relative to the baseline. Notably, WBS-BiGRU consistently achieves the lowest SD across all ten turbines, typically in the range of 0.0111 to 0.0129 MVar, yielding an additional 7.09–10.55% improvement over BiGRU and nearly 50.05–55.21% lower variability than the Original. For instance, the SD decreases from 0.0255 to 0.0135 MVar, and further to 0.0121 MVar, and similar gains are observed across all other cases. This consistent reduction highlights the effectiveness of the wavelet-based preprocessing in suppressing noise and enhancing temporal stability. Overall, WBS-BiGRU provides the smoothest reactive power delivery with the lowest ripple, thereby reducing stress on turbines and auxiliary equipment while improving compliance with grid-code ramp-rate constraints.
As shown in Figure 10, the absolute difference analysis further demonstrates the superior performance of WBS-BiGRU in reactive power control. The Original signals exhibit the largest deviations, with values typically above 6700, reflecting substantial fluctuations and poor tracking of setpoints. BiGRU significantly reduces these differences to the range of 1500–1600, achieving an approximate 75.26–78.37% reduction relative to the Original. WBS-BiGRU attains the lowest absolute difference values, generally between 479 and 1270, corresponding to an additional 30.67–60.05% improvement over BiGRU and 85.02% reduction compared with the baseline. For example, WT1 decreases from 6904.5 (PD) to 1513.3 (BiGRU) and further to 941.7 (WBS-BiGRU), while similar trends are observed across all other turbines. These results indicate that WBS-BiGRU provides more accurate reactive power tracking, minimizes deviations from reference values, and ensures enhanced temporal consistency across all units, thereby supporting smoother reactive power delivery and improved compliance with grid-code requirements.

4. Discussion

The results indicate that the proposed WBS-BiGRU framework substantially improves data quality and reactive power stability in wind farms. The noise and outlier reduction achieved by WDBSCAN confirms the hypothesis that hybrid preprocessing methods are better suited to non-stationary SCADA signals. Likewise, the integration of BAEO-SDIP validates the benefit of combining optimization with temporal decomposition for robust parameter tuning, supporting the view that adaptability is essential in fluctuating wind conditions. The attention-based BiGRU further highlights the importance of capturing long-term dependencies for enhanced control performance. These findings extend previous evidence that advanced data-driven approaches can enhance grid reliability and operational efficiency. Future work should address computational complexity and real-time applicability while testing the framework across diverse wind farm and grid environments.

5. Conclusions

This study proposes an integrated method WBS-BiGRU for enhancing data quality and reactive power control in wind farms. The WDBSCAN method combines wavelet transform with density-based clustering to effectively remove noise and outliers from complex SCADA datasets, reducing 14.03% outliers and improving adaptability to non-stationary signals. The BAEO-SDIP approach synergistically integrates evolutionary optimization with seasonal decomposition, enabling more effective parameter tuning and robust exploration of candidate solutions. The BiGRU network with an attention mechanism captures long-term temporal dependencies and emphasizes key features, thereby improving the accuracy of reactive power control. Collectively, the WBS-BiGRU leads to smoother reactive power delivery, reducing 47.35% fluctuation of reactive power. The results confirm that the proposed framework offers a robust and efficient solution for advancing wind farm operational performance and grid reliability.

Author Contributions

Conceptualization, G.B.; Methodology, Z.P. and G.B.; Software, G.B.; Validation, K.H. and G.B.; Investigation, K.H.; Resources, Z.P.; Writing–original draft, G.B.; Writing–review & editing, Z.P. and L.Z.; Visualization, L.H.; Supervision, L.H. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Data Availability Statement

The data are not publicly available due to privacy or ethical restriction.

Conflicts of Interest

Authors Zhen Pan, Lijuan Huang, Kaiwen Huang were employed by the Power Grid Planning Research Center, Guangxi Power Grid Co., Ltd. Author Lin Zhou was employed by the China Energy Engineering Group Guangxi Electric Power Design Institute Co., Ltd. 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. These companies had no role in the design of the study, the collection, analysis, or interpretation of data, the writing of the manuscript, or the decision to publish the results.

Abbreviations

The following abbreviations are used in this manuscript:
N W T Number of WTs in WFs
w g Generator speed
F t Force thrust of WT
T s Torque shaft of WT
P w , Q w Active/reactive power of WT
w s Wind speed
T g Generator torque
V Wind turbine voltage
θ p ( x ) Pitch angle
e x ˙ , e y State error and output error
I t t , ϕ ω ( t ) Current and wind phase angle
ω t , v t Process and measurement noise at time t
f s x , u , z State transition, inputs and disturbances
A x , A u State matrix, control input matrix
A z Disturbance input matrix
Θ Population of parameter vectors
L Mean squared error loss
h t Combined BiGRU hidden state
τ Time window length for feature vectors.
M F , a u g t Augmented feature matrix
ι t Transformed feature vector
M F t Feature matrix
a t w Attention weight for time t
r t Reset gate of GRU
h ~ t Candidate hidden state in the GRU
Q ^ w t + Δ t Predicted reactive power at time t + Δ t
θ i * Optimal parameter vector
J ( θ i ) Objective function for BAEO
θ c h i l d Child parameter vector
η t g e n Mutation rate
g s x , u , z states, inputs, and disturbances to the output y(t)
C x , C u Output state matrix and output control matrix
C z Output disturbance matrix
σ i x c t ; θ i Stochastic volatility
x i c t Denoised signal for the i-th state
ϕ j , k t Scaling function at decomposition

References

  1. Wang, X.; Guo, P.; Huang, X. A review of wind power forecasting models. Energy Procedia 2011, 12, 770–778. [Google Scholar] [CrossRef]
  2. Ullah, T.; Sobczak, K.; Liśkiewicz, G.; Khan, A. Two-dimensional URANS numerical investigation of critical parameters on a pitch oscillating VAWT airfoil under dynamic stall. Energies 2022, 15, 5625. [Google Scholar] [CrossRef]
  3. Zhao, J. Neural network-based integrated reactive power optimization study for large-scale wind power grids. IET Gener. Transm. Distrib. 2024, 18, 2587–2603. [Google Scholar] [CrossRef]
  4. Liu, Z.; Wang, C.; Wei, H.; Zeng, B.; Li, M.; Song, X. A wavelet-LSTM model for short-term wind power forecasting based on SCADA data analysis. Expert Syst. Appl. 2024, 247, 123237. [Google Scholar] [CrossRef]
  5. Han, M.; Zhang, X.; Xu, L.; May, R.; Pan, S.; Wu, J. A Review of Reinforcement Learning Methodologies on Control Systems for Building Energy; Working Paper; Dalarna University: Falun, Sweden, 2018; pp. 1–26. [Google Scholar]
  6. Wei, N.; Yin, L.; Li, C.; Liu, J.; Li, C.; Huang, Y.; Zeng, F. Data complexity of daily natural gas consumption: Measurement and impact on forecasting performance. Energy 2022, 238, 122090. [Google Scholar] [CrossRef]
  7. Xie, X.; Hu, S.; Liu, Y.; Li, Q. Resilient adaptive event-triggered H∞ fuzzy filtering for cyber-physical systems under stochastic-sampling and denial-of-service attacks. IEEE Trans. Fuzzy Syst. 2023, 31, 278–292. [Google Scholar] [CrossRef]
  8. Li, Y.; Wang, T.; Li, X.; Zhang, G.; Chen, K.; Yang, W. Experimental investigation on thermal management system with flame retardant flexible phase change material for retired battery module. Appl. Energy 2022, 327, 120109. [Google Scholar] [CrossRef]
  9. Colak, I.; Sagiroglu, S.; Yesilbudak, M. Data mining and wind power prediction: A literature review. Renew. Energy 2012, 46, 241–247. [Google Scholar] [CrossRef]
  10. Zou, M.; Zhou, B.; Wang, B.; Liu, Q.; Zhao, R.; Dai, M.; Rao, Z.; Wang, Y. Offshore wind turbine wind speed power anomaly data cleaning method based on RANSAC regression and DBSCAN clustering. In Proceedings of the 2024 4th International Conference on Smart Grid and Renewable Energy, Doha, Qatar, 8–10 January 2024; pp. 1–8. [Google Scholar]
  11. Yao, G.; Wu, Y.; Huang, X.; Ma, Q.; Du, J. Clustering of typical wind power scenarios based on K-means clustering algorithm and improved artificial bee colony algorithm. IEEE Access 2022, 10, 98752–98760. [Google Scholar] [CrossRef]
  12. Sun, F.; Jin, T. A hybrid approach to multi-step, short-term wind speed forecasting using correlated features. Renew. Energy 2022, 186, 742–754. [Google Scholar] [CrossRef]
  13. Jiang, Q.; Hong, H. Wavelet-based capacity configuration and coordinated control of hybrid energy storage system for smoothing out wind power fluctuations. IEEE Trans. Power Syst. 2012, 28, 1363–1372. [Google Scholar] [CrossRef]
  14. Zhou, B.; Ma, X.; Luo, Y.; Yang, D. Wind power prediction based on LSTM networks and nonparametric kernel density estimation. IEEE Access 2019, 7, 165279–165292. [Google Scholar] [CrossRef]
  15. Wang, Q.; Bu, S.; He, Z.; Dong, Z.Y. Toward the prediction level of situation awareness for electric power systems using CNN-LSTM network. IEEE Trans. Ind. Informat. 2021, 17, 6951–6961. [Google Scholar] [CrossRef]
  16. Dorado-Moreno, M.; Navarin, N.; Gutiérrez, P.; Prieto, L.; Sperduti, A.; Salcedo-Sanz, S.; Hervás-Martínez, C. Multi-task learning for the prediction of wind power ramp events with deep neural networks. Neural Netw. 2020, 123, 401–411. [Google Scholar] [CrossRef]
  17. Ko, M.-S.; Lee, K.; Kim, J.-K.; Hong, C.W.; Dong, Z.Y.; Hur, K. Deep Concatenated Residual Network With Bidirectional LSTM for One-Hour-Ahead Wind Power Forecasting. IEEE Trans. Sustain. Energy 2021, 12, 1321–1335. [Google Scholar] [CrossRef]
  18. Pan, C.; Wen, S.; Zhu, M.; Ye, H.; Ma, J.; Jiang, S. Hedge Backpropagation Based Online LSTM Architecture for Ultra-Short-Term Wind Power Forecasting. IEEE Trans. Power Syst. 2024, 39, 4179–4192. [Google Scholar] [CrossRef]
  19. Li, C.; Tang, G.; Xue, X.; Saeed, A.; Hu, X. Short-term wind speed interval prediction based on ensemble GRU model. IEEE Trans. Sustain. Energy 2020, 11, 1370–1380. [Google Scholar] [CrossRef]
  20. Zhang, H.; Yan, J.; Liu, Y.; Gao, Y.; Han, S.; Li, L. Multi-source and temporal attention network for probabilistic wind power prediction. IEEE Trans. Sustain. Energy 2021, 12, 2205–2218. [Google Scholar] [CrossRef]
  21. Zhang, Y.; Wang, X.; Wang, J.; Zhang, Y. Deep reinforcement learning based Volt-VAR optimization in smart distribution systems. IEEE Trans. Smart Grid 2021, 12, 361–371. [Google Scholar] [CrossRef]
  22. Wang, X.; Zhou, J.; Qin, B.; Guo, L. Coordinated power smoothing control strategy of multi-wind turbines and energy storage systems in wind farm based on MADRL. IEEE Trans. Sustain. Energy 2024, 15, 368–380. [Google Scholar] [CrossRef]
  23. Shrivastava, S.; Khalid, S.; Nishad, D.K. Quantum-inspired control strategies for reducing DC-link voltage fluctuations in DFIG wind energy converters. IEEE Access 2025, 13, 108481–108499. [Google Scholar] [CrossRef]
  24. Song, C.; Yao, Y.; Chan, S. Incorporating online learning into MCTS-based intention progression. IEEE Access 2024, 12, 56400–56413. [Google Scholar] [CrossRef]
  25. Cheng, W.; Liu, X.; Wang, X.; Nie, G. Task offloading and resource allocation for industrial Internet of Things: A double-dueling deep Q-network approach. IEEE Access 2022, 10, 103111–103120. [Google Scholar] [CrossRef]
  26. Wang, P.; Guo, J.; Cheng, F.; Gu, Y.; Yuan, F.; Zhang, F. A MPC-based load frequency control considering wind power intelligent forecasting. Renew. Energy 2025, 244, 122636. [Google Scholar] [CrossRef]
Figure 1. Flowchart of WBS-BiGRU.
Figure 1. Flowchart of WBS-BiGRU.
Processes 13 03303 g001
Figure 2. Scatter plot of WDBSCAN output.
Figure 2. Scatter plot of WDBSCAN output.
Processes 13 03303 g002
Figure 3. BAEO-SDIP.
Figure 3. BAEO-SDIP.
Processes 13 03303 g003
Figure 4. Flowchart of BiGRU-Attention.
Figure 4. Flowchart of BiGRU-Attention.
Processes 13 03303 g004
Figure 5. Three-dimensional visualization of reactive power (a) w g (b), and T g (c).
Figure 5. Three-dimensional visualization of reactive power (a) w g (b), and T g (c).
Processes 13 03303 g005
Figure 6. Convergence surface for optimization.
Figure 6. Convergence surface for optimization.
Processes 13 03303 g006
Figure 7. Three-dimensional visualization of reactive power of WTs WBS-BiGRU (a) MLP (b) PD (c).
Figure 7. Three-dimensional visualization of reactive power of WTs WBS-BiGRU (a) MLP (b) PD (c).
Processes 13 03303 g007
Figure 8. Reactive power of WTs.
Figure 8. Reactive power of WTs.
Processes 13 03303 g008
Figure 9. SD of reactive power.
Figure 9. SD of reactive power.
Processes 13 03303 g009
Figure 10. Absolute value of first-order difference in WTs, WBS-BiGRU (a), BiGRU (b), and PD (c).
Figure 10. Absolute value of first-order difference in WTs, WBS-BiGRU (a), BiGRU (b), and PD (c).
Processes 13 03303 g010
Table 1. Simulation and method parameters.
Table 1. Simulation and method parameters.
ParameterValue/DescriptionUnit/Notes
Grid ConfigurationWind Farm Scale10 × 5 MWTotal of 50 MW, DFIG-type turbines
Connection Voltage Level0.69 kV/35 kVTurbine–transformer–collector line
Line Impedance R = 0.092 Ω/km, X = 0.47 Ω/kmBased on simplified IEEE 33-bus
Load Power Factor0.85Simulated grid load
Data Sampling and SimulationSimulation Duration500 sTotal steps: 500 (real-time constraint: computation cycle < 1 s)
Sampling Rate1 HzSCADA data acquisition frequency
Time Window Length 24For BiGRU input feature matrix
SCADA Noise CharacteristicsNoise TypeGaussian white noiseSimulates sensor/transmission errors
Noise Standard Deviation0.02Applied to wind speed/power (SNR ≈ 20 dB)
Outlier Proportion5%Randomly injected for WDBSCAN testing
MPC ParametersPrediction Horizon 10Steps
Control Horizon3Steps
Weight MatricesQ = 1, R = 0.1State/control weights [26]
Constraint BoundsQ ∈ [−0.5, 0.5] puReactive power limits
PD ParametersProportional Gain 0.8/
Derivative Gain0.2Time constant: 0.1 s
PSO ParametersNumber of Particles30/
Inertia Weight0.9 → 0.4 (linear decay)Over 50 iterations
Acceleration Coefficients 2.0, 2.0Global/local best
GA ParametersPopulation Size50/
Crossover Rate0.8Single-point crossover
Mutation Rate0.01Over 100 iterations
General Optimization ParametersMax Iterations200For BAEO/PSO/GA
Convergence Threshold1.00 × 10−4Objective: MSE
Table 2. Relevant data in WFs.
Table 2. Relevant data in WFs.
Reactive power (Var)Wg (rad/s)Tg (N·m)
MethodsWDBSCANMPC WDBSCANMPCWDBSCANMPC
WT14.861 × 1055.291 × 1051.207 × 1021.206 × 1021.980 × 1041.983 × 104
WT24.835 × 1055.272 × 1051.310 × 1021.308 × 1021.853 × 1041.858 × 104
WT34.817 × 1055.243 × 1051.265 × 1021.264 × 1021.903 × 1041.906 × 104
WT44.788 × 1055.225 × 1051.211 × 1021.310 × 1021.998 × 1042.300 × 104
WT54.861 × 1055.303 × 1051.296 × 1021.295 × 1021.869 × 1041.874 × 104
WT64.865 × 1055.291 × 1051.377 × 1021.375 × 1021.730 × 1041.732 × 104
WT74.836 × 1055.266 × 1051.291 × 1021.290 × 1021.890 × 1041.894 × 104
WT84.814 × 1055.248 × 1051.425 × 1021.423 × 1021.657 × 1041.657 × 104
WT94.647 × 1055.063 × 1051.348 × 1021.346 × 1021.830 × 1041.835 × 104
WT104.640 × 1055.053 × 1051.287 × 1021.286 × 1021.868 × 1041.872 × 104
Sum4.796 × 1065.226 × 1061.302 × 1031.408 × 1031.858 × 1052.161 × 105
Percentage−8.22%/−7.53%/−14.02%/
Table 3. p-value.
Table 3. p-value.
Comparisonp-Value
WBS-BiGRU and BiGRU1.45 × 10−5
WBS-BiGRU and DDPG3.04 × 10−7
WBS-BiGRU and PD6.43 × 10−7
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

Pan, Z.; Huang, L.; Huang, K.; Bai, G.; Zhou, L. Data-Driven Noise-Resilient Method for Wind Farm Reactive Power Optimization. Processes 2025, 13, 3303. https://doi.org/10.3390/pr13103303

AMA Style

Pan Z, Huang L, Huang K, Bai G, Zhou L. Data-Driven Noise-Resilient Method for Wind Farm Reactive Power Optimization. Processes. 2025; 13(10):3303. https://doi.org/10.3390/pr13103303

Chicago/Turabian Style

Pan, Zhen, Lijuan Huang, Kaiwen Huang, Guan Bai, and Lin Zhou. 2025. "Data-Driven Noise-Resilient Method for Wind Farm Reactive Power Optimization" Processes 13, no. 10: 3303. https://doi.org/10.3390/pr13103303

APA Style

Pan, Z., Huang, L., Huang, K., Bai, G., & Zhou, L. (2025). Data-Driven Noise-Resilient Method for Wind Farm Reactive Power Optimization. Processes, 13(10), 3303. https://doi.org/10.3390/pr13103303

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