Next Article in Journal
Enhancing Multi-Key Fully Homomorphic Encryption with Efficient Key Switching and Batched Multi-Hop Computations
Previous Article in Journal
An Improved Dual-Sorting NSGA-II Method for Optimal Radiation Shielding Design
Previous Article in Special Issue
Real-Time Wave Energy Converter Control Using Instantaneous Frequency
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Real-Time Sea State Estimation for Wave Energy Converter Control via Machine Learning

1
School of Electrical Engineering & Computer Science, Oregon State University, Corvallis, OR 97331, USA
2
Water Power Technologies Department, Sandia National Laboratories, Albuquerque, NM 87185, USA
*
Author to whom correspondence should be addressed.
Appl. Sci. 2025, 15(10), 5772; https://doi.org/10.3390/app15105772
Submission received: 29 March 2025 / Revised: 6 May 2025 / Accepted: 12 May 2025 / Published: 21 May 2025
(This article belongs to the Special Issue Dynamics and Control with Applications to Ocean Renewables)

Abstract

:
Wave energy converters (WECs) harness the untapped power of ocean waves to generate renewable energy, offering a promising solution to sustainable energy. An optimal WEC control strategy is essential to maximize power capture that dynamically adjusts system parameters in response to rapidly changing sea states. This study presents a novel control approach that leverages neural networks to estimate sea states from onboard WEC measurements such as position, velocity, and force. Using a point absorber WEC device as a test platform, our proposed approach estimates sea states in real-time and subsequently adjusts PID controller gains to maximize energy extraction. Simulation results across diverse sea conditions demonstrate that our strategy eliminates the need for external wave monitoring equipment while maintaining power capture efficiency. The results show that our neural network-based control technique can improve power capture by 25.6% while significantly reducing system complexity. This approach offers a practical alternative for WEC deployments where direct wave measurements are either infeasible or cost prohibitive.

1. Introduction

Harnessing ocean wave energy offers a promising renewable energy resource by exploiting the vast and consistent energy of the ocean. Wave energy converters (WECs) face significant challenges in achieving efficient energy conversion due to the dynamic and unpredictable nature of ocean waves [1]. Effective control strategies are crucial to ensure that WECs operate optimally and safely under these varying conditions, although developing such strategies is a challenging task.
Several types of WEC control strategies have been widely explored in the literature. These strategies mainly utilize predefined incoming ocean wave characteristics to optimize control actions and maximize energy extraction. Model predictive control (MPC) is a popular approach for WECs when wave profiles are known, and it can be used in diverse sea state conditions while obeying system constraints. Fusco and Ringwood [2] introduced an MPC framework that used wave profile information to optimize Power Take-Off (PTO) forces for enhanced energy absorption. Similarly, Henriques et al. [3] demonstrated simplified wave models for MPC, improving real-time performance. Complex conjugate control (CCC) maximizes power transfer by matching the impedance of the WEC to the incoming wave. Foundational work by Falnes [4] showed that known wave excitation forces allow impedance matching for optimal energy transfer. However, CCC is non-causal, as it requires future knowledge of wave forces. Li and Belmont [5] developed predictive approximations to make CCC viable in real-time applications. Feedback resonating control (FBR) tested by Coe et al. [6] shows promising results by leveraging known sea states to adjust resonance frequencies. Proportional–integral–derivative (PID) controllers, often adapted with wave prediction, have also been studied in the WEC context. Yu and Falnes [7] demonstrated that PID control tuned to anticipated wave periods and amplitudes allowed WECs to track wave oscillations effectively. Adaptive PID gains, as seen in the work of Vantorre et al. [8], further improved performance over short intervals as wave conditions varied. In parallel, classical state-estimation algorithms such as Kalman filtering [9], the Extended Kalman Filter (EKF) [10], and the Unscented Kalman Filter (UKF) [11] have long been used to infer unmeasured dynamic states under linear or mildly nonlinear models and Gaussian noise assumptions. Particle filters [12] generalize this to highly nonlinear, non-Gaussian settings via sequential Monte Carlo sampling. In the WEC domain, Coe et al. [6] demonstrated a Kalman-based wave-prediction scheme to infer excitation forces from onboard measurements, though its accuracy degrades under model mismatch and non-Gaussian disturbances. Linear quadratic regulator (LQR) controllers [13] optimize a quadratic cost around a fixed linearization, requiring re-linearization or gain scheduling as sea conditions change. A central assumption for these approaches is to have a well-defined model representation of the WEC device, which is often computationally expensive given diverse sea conditions.
Machine learning techniques, particularly deep learning, have recently emerged as promising tools for WEC control due to their adaptability and ability to generalize across diverse conditions [14,15]. In wave energy research, deep neural networks (DNNs) have been explored for predicting wave characteristics based on historical data and WEC operational parameters [16]. These studies suggest that DNNs can be effective in identifying patterns in highly variable data, enabling WECs to respond more flexibly to changing ocean states without direct wave measurements. More recently, reinforcement learning has been applied to optimize control based on known sea states. Duarte and Sarmento [17] developed a reinforcement learning-based controller trained on wave data, predicting control actions across various sea states. These methods show promise but require extensive training data and computational resources, limiting practical WEC deployment in real ocean environments. Despite control approaches from different angles, estimating incoming wave or sea state from the physical measurements of the WEC device remains limited.
Despite these advancements, most WEC control strategies rely on direct wave measurements using buoys, radar, or pressure sensors to optimize power capture. But these approaches are costly, maintenance intensive, and vulnerable to harsh marine conditions. Real-time data acquisition also introduces latency and communication constraints, limiting its effectiveness for dynamic control. Moreover, wave sensors can fail or become impractical in extreme environments, making them unreliable for long-term deployment. These challenges highlight the need for an alternative approach that eliminates dependence on external wave measurements. Machine learning, particularly deep learning, offers a potential solution by extracting meaningful patterns from these onboard measurements. Neural networks have shown success in renewable energy applications [14], including wave prediction [16], but their use in WEC control remains underexplored. Furthermore, while nonlinear model-based controllers can handle system uncertainties, they require detailed parametric models and the extensive tuning of control parameters, which may be impractical under rapidly changing sea states. Reinforcement-learning-based tuning methods such as DDPG offer end-to-end policy optimization but demand large volumes of training data and online exploration, posing safety and sample-efficiency challenges in marine environments.
To overcome these challenges, we propose a machine learning-based control strategy that estimates sea states directly from onboard WEC measurements (position, velocity, and force), eliminating the need for external wave sensors. In this study, we develop and evaluate a long short-term memory (LSTM)-based control framework that uses physical data from the WEC itself to predict the incoming wave spectrum, aiming to improve energy capture efficiency and device adaptability under real-world conditions. By training and validating the model across a broad range of operational scenarios, we demonstrate how this control strategy enhances WEC performance by making it more responsive and resilient to changing ocean waves. We propose a novel LSTM-based framework for real-time sea-state estimation using only onboard WEC measurements, and integrate this estimator into a supervisory control loop that updates PID gains every 10 s. Through comprehensive simulations, we demonstrate that this adaptive approach achieves a 25.6% increase in power capture under variable sea conditions relative to fixed-gain PI control. Furthermore, we show robustness to model mismatch by employing noise-augmented training during model development. This research contributes to advancing wave energy technology by addressing key limitations in current control strategies, potentially enabling more efficient and sustainable ocean energy solutions.
This paper is structured as follows. Section 2 describes the WaveBot dynamics. Section 3 introduces our LSTM-based estimation framework and supervisory control. Section 4 details the PI-gain design and stability analysis. Section 5 presents the simulation results under fixed and variable seas. Section 6 discusses the implications, and Section 7 concludes.

2. WEC Device

2.1. WaveBot Device Specifications

The WaveBot is a point absorber type of WEC device that operates as a heaving buoy using a PTO mechanism that translates vertical oscillations into rotational energy. This design enables effective energy extraction by directly converting wave motion into electrical power. WaveBot employs a rack-and-pinion mechanism with a high gear ratio, enhancing the rotational velocity transferred to the PTO and maximizing power generation. Essential device specifications are listed in Table 1, which shows the WaveBot’s primary components and energy conversion stages. An illustration of the device is shown in Figure 1.

2.2. WEC Dynamics

The dynamics of a WEC operating in heave can be described by considering all forces acting on the system as shown in Equation (1):
m · a = F exc + F rad + F hydro + F fric F pto
where m is the mass of the WEC, a is the vertical acceleration of the WEC, F exc is the excitation force exerted by incoming ocean waves, F rad is the radiation force modeling the reactive effect of water due to the movement of the WEC, F hydro is the hydrostatic restoring force reflecting the balance of buoyancy and gravity, F fric is the frictional force from internal damping within the WEC system, and F pto is the PTO force, which opposes the motion of the WEC to extract energy [4].
For maximum power absorption, mechanical impedance matching is applied by aligning the PTO impedance Z pto ( ω ) with the complex conjugate of the intrinsic mechanical impedance of WEC, Z i ( ω ) [18], where
Z i ( ω ) = B ( ω ) + b f + j ω m + A ( ω ) k h ω
The WaveBot’s dynamics are driven by a combination of wave excitation forces, PTO forces, and the system’s intrinsic mechanical impedance. The linear equation of motion for vertical displacement in response to wave-induced forces is given by   
F exc V ( ω ) F pto V ( ω ) = Z i V ( ω ) · V ( ω )
Here, B ( ω ) represents the radiation damping, A ( ω ) denotes the added mass, and ω is the angular frequency of the oscillatory motion. This impedance is a function of the device’s hydrodynamic properties and acts as a frequency-dependent resistance to vertical motion. The optimal condition for power transfer is achieved by setting
F pto , opt ( ω ) = Z pto ( ω ) V ( ω ) = Z i * ( ω ) V ( ω )
This optimal control law can be approximated in sea states dominated by one frequency as a proportional–integral feedback law
F pto , opt ( ω ) Z pto , PI ( ω ) V ( ω ) = K P + K I j w V ( ω )
To maximize power transfer, we approximate Z pto , PI ( ω ) to match Z i * ( ω ) within the range of frequencies where the wave excitation is significant. This approach results in the following conditions for the PI controller gains:
K P = B ( ω ) + b f
K I = ω 2 ( m + A ( ω ) ) k h

3. Proposed Control Approach

WEC Control by Sea State

WEC control traditionally relies on anticipating and responding to incoming ocean wave to maximize energy capture. In a study by Coe et al. (2018), several WEC control methods are evaluated, including FBR control and MPC [6]. These approaches attempt to match the controller’s response to wave characteristics, often through wave prediction. However, capturing wave profiles directly requires additional equipment like auxiliary measurement buoys, leading to increased complexity, cost, and reliability issues.
In contrast to direct measurement, we propose a control strategy that predicts sea states based on the velocity, position, and PTO force of the WEC device. By analyzing these parameters, our approach identifies the sea state that would produce the observed WEC dynamics, allowing the dynamic selection of optimal control gains. This method leverages readily accessible metrics, eliminating the need for direct wave measurements. The prediction is inherently reactive to the WEC’s real-time response, reducing delay and uncertainty while achieving high energy capture with less complexity.
The proposed WEC control method begins by collecting readily measurable parameters from the WEC, specifically the device’s position (z), velocity ( z ˙ ), and the PTO force ( F PTO ), which are essential indicators of the interaction of the WEC with incoming waves. These parameters are then used as inputs to a neural network model that predicts sea state characteristics, i.e., peak wave period ( T p ).
A JONSWAP spectrum in terms of sea states can be expressed as follows:
S ( ω ) = α g 2 ω 5 exp 5 4 ω ω p 4 γ exp ( ω ω p ) 2 2 σ 2 ω p 2
where
α = 5 16 H m 2 T p 4 , ω p = 2 π T p , σ = 0.07 , if ω ω p , 0.09 , if ω > ω p
where we have the following: α is the Phillips parameter, controlling the overall amplitude of the spectrum; g is gravitational acceleration; ω is the wave frequency; ω p is the peak wave frequency; γ is the peak enhancement factor; and σ is the spectral width parameter, with typical values of σ = 0.07 for ω < ω p and σ = 0.09 for ω ω p .
The neural network model is trained and fine-tuned by incorporating additive white Gaussian noise (AWGN) to improve robustness in noisy conditions. Once the sea state parameter T p is predicted, it is mapped to obtain optimal controller gains ( K P and K I ) for a PID controller. This enables dynamic adjustment of the control actions to match the identified sea state characteristics and maximize energy absorption. Figure 2 represents the overall proposed approach showing the input excitation force, F e x e c , and primary and supervisory control blocks to obtain the desired PTO force, F P T O * . Primary control is the conventional PID control block, which takes peak periods ( T p ) of sea states as input. The supervisory control block is the neural network approach that takes features from the WEC physical parameters and estimates the corresponding T p . The WEC system was obtained for a sample time of 0.1 s, and hence the step time for both supervisory and primary control blocks is kept at 0.1 s.

4. Control Design

The primary objective of the WEC control system is to maximize power capture while maintaining stability across varying sea states. In this study, a PI controller is implemented, where the gains K P and K I are computed based on the mechanical impedance of the system rather than an optimization-based tuning approach.
The PI controller regulates the response of the WEC to ocean waves, ensuring optimal energy harvesting. The controller transfer function is given by
C ( ω ; K P , K I ) = K P i K I ω ,
where K P and K I represent the proportional and integral gains, respectively, and ω = 2 π f is the angular frequency.
Instead of determining K P and K I through numerical optimization, the new approach computes the gains directly from the system’s mechanical impedance. The state-space representation of the WEC device is given by
x [ k + 1 ] = A x [ k ] + B u [ k ] ,
y [ k ] = C x [ k ] + D u [ k ] ,
where A , B , C , and D are the state-space matrices representing the system dynamics.
The mechanical impedance of the WEC is derived from the system’s transfer function. Given a wave period T, the corresponding frequency is ω = 2 π T .
Using a discrete-time representation, the transfer function H ( z ) is computed as
H ( z ) = C ( z I A ) 1 B + D ,
where z = e j ω T s is the discrete-time frequency response variable, and T s is the sampling time:
K P = Re ( Z mech * ) ,
K I = ω · Im ( Z mech * ) .
To ensure stability and prevent extreme values, K P and K I are constrained within predefined limits: K P [ 0 , 5 · 10 3 ] , K I [ 2 · 10 4 , 1 · 10 6 ] . Details on the impedance-based WEC control design, and performance and stability considerations can be found in [6,18].
This method allows for the real-time adaptation of control gains based on sea state variations without requiring iterative numerical optimization, improving computational efficiency and robustness. The implementation is carried out in MATLAB, where the PI gains are computed dynamically based on the measured wave period T p .

4.1. Neural Network Modeling

In this study, we used a deep learning model named Long Short-Term Memory (LSTM) network, which is a class of recurrent neural networks (RNNs). This model can handle sequential data by addressing the vanishing gradient problem encountered in traditional RNNs. Unlike conventional feedforward neural networks, LSTMs maintain an internal memory state, allowing them to capture long-range dependencies in time-series data. This makes them particularly well suited for problems involving temporal patterns, which is much needed in our study of incoming wave prediction.
As shown in Figure 3, an LSTM cell consists of three primary gates: the forget gate, the input gate, and the output gate, which regulate the flow of information through the network. The LSTM cell updates its cell state C t and hidden state h t at each time step t based on the previous hidden state h t 1 , the previous cell state C t 1 , and the current input x t . The update process is given by the following equations:
(15) f t = σ ( W f x t + U f h t 1 + b f ) ( Forget Gate ) (16) i t = σ ( W i x t + U i h t 1 + b i ) ( Input Gate ) (17) C ˜ t = tanh ( W c x t + U c h t 1 + b c ) ( Cell State Candidate ) (18) C t = f t C t 1 + i t C ˜ t ( Cell State Update ) (19) o t = σ ( W o x t + U o h t 1 + b o ) ( Output Gate ) (20) h t = o t tanh ( C t ) ( Hidden State Update )
Here, σ ( · ) represents the sigmoid activation function, tanh ( · ) is the hyperbolic tangent function, and ⊙ denotes element-wise multiplication. The weight matrices W f , W i , W c , W o and U f , U i , U c , U o along with the biases b f , b i , b c , b o are learned parameters. LSTMs outperform traditional RNNs in sequence modeling due to their ability to selectively retain or forget information over long sequences. Unlike standard feedforward networks, which process inputs independently, LSTMs utilize a gating mechanism to control information flow, enabling them to learn dependencies over extended time horizons. This is crucial for applications where past inputs influence future predictions, such as ocean wave dynamics. A detailed optimization approach for the LSTM model is presented in Algorithm 1.
Figure 3. Structure of an LSTM cell, showing the forget, input, and output gates [19].
Figure 3. Structure of an LSTM cell, showing the forget, input, and output gates [19].
Applsci 15 05772 g003
Algorithm 1 LSTM estimator training and optimization.
Require: Raw WEC data D = { ( z t , z ˙ t , F PTO , t , T p , t ) } t = 1 M , window length L, learning rate η 0 , max epochs N ep
Ensure: Optimized LSTM parameters θ *
    Data Preparation:
    Partition D into overlapping windows of length L: { X ( i ) , y ( i ) }
    Normalize features in X ( i ) via min–max scaling
    Augment: X ( i ) X ( i ) + N ( 0 , σ noise 2 )
    Split into training, validation, and test sets
    Model Initialization:
    Initialize LSTM parameters θ and optimizer with rate η 0
    Set best_val_loss
    Training Loop:
    for epoch = 1 N ep  do
      Shuffle training set into mini-batches
      for each batch ( X b , y b ) in training set do
          y ^ b LSTM ( X b ; θ )
          L 1 | b | ( y ^ b y b ) 2
        Backpropagate and update θ
      end for
       y ^ val LSTM ( X val ; θ )
      val_loss 1 | val | ( y ^ val y val ) 2
      if val_loss < best_val_loss then
         best_val_loss ← val_loss
          θ * θ
      end if
      Adjust learning rate if necessary
end for
return  θ *
In this work, we employ an LSTM-based control strategy to estimate sea states based on real-time WEC measurements. The sequential nature of WEC device data, including position, velocity, and force, makes LSTM an ideal choice for capturing temporal dependencies. By leveraging memory cells, our model accurately predicts sea states without requiring external wave measurement devices. Experimental results show that our LSTM network achieved an R2 score of 98.4% and a deployment accuracy of 94%, demonstrating its effectiveness in real-time sea state identification.

4.2. Feature Extraction

WEC parameters such as position (z), velocity ( z ˙ ), and PTO force ( F PTO ) exhibit small variations in changing wave period ( T p ). Traditional time-domain approaches, such as statistical moments or signal amplitude variations, are insufficient in differentiating rapid and subtle changes in T p . Therefore, we incorporate frequency domain features and time–frequency representations to better capture variations in ocean wave dynamics.
The Continuous Wavelet Transform (CWT) is a powerful tool for analyzing non-stationary signals by providing a joint representation in both time and frequency domains. Unlike the Fourier Transform, which decomposes a signal into pure sinusoids without time localization, CWT utilizes wavelets—localized basis functions—to capture transient and localized frequency variations [20].
Mathematically, the CWT of a signal x ( t ) is defined as
W ( a , b ) = x ( t ) ψ a , b * ( t ) d t
where ψ a , b * ( t ) is the scaled and translated version of the mother wavelet ψ ( t ) , given by
ψ a , b ( t ) = 1 | a | ψ t b a
Here, a represents the scale parameter, which controls the frequency resolution, and b is the translation parameter, which determines the time localization of the wavelet. The choice of the mother wavelet affects the resolution and sensitivity of the transform.
In this work, CWT is employed to extract time–frequency features from WEC measurements, enabling more accurate prediction of the wave period T p . The wavelet coefficients W ( a , b ) provide a multi-resolution analysis, capturing both high-frequency transient behavior and long-term variations. By integrating these features with the LSTM model, our system improves its ability to classify sea states despite small variations in T p .
As shown in Figure 4, the first column presents the WEC position z ( t ) in the time domain for different wave periods T p = 2 , 3, and 4 s. The signals do not exhibit noticeable changes in amplitude or period at first glance. The second column displays the power spectral density (PSD), where a small variation in peak magnitude can be observed, particularly in the dominant frequency components. The third column represents the CWT-based time–frequency analysis, where distinct differences in wave energy distribution across time and frequency become evident. This highlights the advantage of using time–frequency representations in characterizing sea states, as CWT effectively distinguishes subtle changes in T p that are not apparent in conventional time or frequency domain analyses.
Several features are extracted from the WaveBot time-series data in the time domain and frequency domain. A list of features is shown in Table 2. To identify the n-best features from the WaveBot physical measurements, we introduce a composite z-score approach that integrates multiple feature evaluation metrics, providing a comprehensive measure of feature importance. Traditional feature selection methods often rely on a single criterion, which may overlook aspects of feature relevance or redundancy. Our composite z-score mitigates these limitations by combining multiple metrics, each capturing distinct aspects of feature importance.
The composite z-score for each feature i, denoted as z composite , i , is defined as a weighted sum of normalized scores derived from multiple feature evaluation metrics. Let m be the number of feature evaluation methods included in the composite z-score, and let z i , j denote the normalized score for feature i under the j-th evaluation method. Then, the composite z-score for feature i is given by
z composite , i = j = 1 m w j · z i , j
where w j is the weight assigned to the j-th evaluation method, with j = 1 m w j = 1 . Each z i , j is normalized to ensure comparability across different methods and scales, typically by converting raw scores into z-scores based on the mean and standard deviation of the metric values for all features. This study uses three feature evaluation metrics to construct the composite z-score: Pearson correlation coefficient [21], variance threshold [22], and SHAP scores [23]. Each metric captures a unique aspect of feature relevance, with Pearson correlation measuring linear relationships, variance thresholding highlighting high-variance features, and SHAP scores providing model-agnostic importance based on feature contributions to predictions.
The scores from each metric are normalized to ensure comparability and then combined into a composite z-score using a weighted sum:
z composite , i = w 1 · z i , correlation + w 2 · z i , variance + w 3 · z i , SHAP
where w 1 , w 2 , and w 3 are weights assigned to each metric, with w 1 + w 2 + w 3 = 1 . The weights are selected based on cross-validation performance to ensure optimal feature selection for our specific model and data.
After calculating z composite for each feature, the top 10 features with the highest z composite values are selected as the final feature set. This composite z-score approach demonstrates improved robustness and interpretability compared to single-metric feature selection as shown in our empirical results in Section 4.

5. Result Analysis

5.1. Model Training

In the first stage, the WaveBot device is simulated in MATLAB/Simulink (Version 24.1) to generate device position (z), velocity ( z ˙ ), and PTO force ( F PTO ). A wide range of JONSWAP spectra is used to mimic real-life ocean conditions. Wave heights of H m [ 1 , 6 ] m and peak periods of T p [ 8 , 15 ] s are suitable for Pacific Northwest sea conditions. Therefore, a full-scale T p ranging from 1 to 15 s is used to generate the WaveBot physical data. Since we are using a 1/17th scaled version of the original WaveBot device, we apply similar scaling to the input wave characteristics, H m and T p .
During training, wave excitation force, F exc is generated using wave surface elevation profiles for T p [ 1 , 4 ] s, H m = 0.127 m, and the hydrodynamic properties of the WaveBot device. A time step of 0.01 s is used to generate device data that are later used to train the LSTM model. The choice of window size and step size in feature extraction plays a critical role in effectively capturing the underlying dynamics of the WEC. In this study, we select a sampling frequency of 100 Hz, meaning that each recorded second contains 100 data points. To ensure that the extracted features encapsulate meaningful temporal variations, a window size of 1000 samples is chosen, equivalent to 10 s of data per window. This 10-s duration is sufficiently long to capture the dominant wave characteristics and WEC response while balancing computational efficiency. Given that ocean waves exhibit characteristic periods ranging from a few seconds to over a dozen seconds, this window size ensures that at least one full wave cycle is included in each window, even for the longest wave periods in the dataset.
For model training, wave periods ( T p ) between 1 and 4 s are used, covering a wide range of dynamically different sea states. In all cases, the wave height ( H m ) and the peak enhancement factor ( γ ) are fixed at 0.127 m and 1, respectively. We have used Python 3.10 along with TensorFlow 2.11.0 to build, train, and test the LSTM-based neural network model. A list of model architecture is shown in Table 3.
Figure 5 illustrates the comparison between predicted and actual peak period ( T p ) values. The black scatter points represent the LSTM model’s predictions, while the red dashed line corresponds to the ideal one-to-one fit. The close alignment of most data points along this line indicates strong predictive performance. The model achieves a coefficient of determination ( R 2 -score) of 98.4%, demonstrating its ability to capture the underlying wave dynamics with high accuracy. Even on test data with T p values extending beyond the training range, the model maintains strong predictive capability, highlighting its generalization performance. Minor deviations from the ideal fit can be seen due to inherent noise in wave conditions and model uncertainties. However, the overall trend confirms that the LSTM-based approach effectively learns the nonlinear relationships between wave excitation forces and device responses, making it a reliable choice for real-world WEC applications.

5.2. Fixed Sea State: Prediction and Control

The trained LSTM model is employed within the control loop via MATLAB-Python co-design integration. As a supervisory control, the trained LSTM model predicts the incoming wave period, T p , based on WaveBot measurements ( z , z ˙ , F PTO ) , which is then used to determine and apply the proportional and integral gains K P and K I . Predicted T p is normalized since Min-Max scaling is applied during training. Therefore, it is scaled back to its original form using the Min-Max values of the features.
Figure 6 and Figure 7 present the simulation results from MATLAB/Simulink, demonstrating the effectiveness of the trained LSTM model in real-time wave prediction, and control applied based on that prediction. The first subplot of Figure 6 shows the setting of the fixed period case, in which the control parameters are set based on the accurate prediction of a 5 s sea state, and the prediction of the sea state based on observations of the system response. The subsequent plots display the variations in control parameters, K P and K I , which adapt dynamically based on the predicted T p . Note that K I gain is limited to 2 × 10 4 due to the device constraint as shown in Table 1. The position, velocity, and PTO force ( F PTO ) plots further illustrate the system’s response to the incoming waves. Figure 7 illustrates the average power captured over time for two control approaches.
The PTO power P PTO ( t ) is computed using the instantaneous PTO force F PTO ( t ) and the velocity of the device z ˙ ( t ) . The instantaneous PTO power is given by
P PTO ( t ) = F PTO ( t ) · z ˙ ( t ) .
The average power P avg is then computed by dividing the total extracted energy by the total time duration T:
P avg = 1 T 0 T P PTO ( t ) d t .
In conventional control strategies, T p remains constant, potentially limiting adaptability to changing wave conditions. In contrast, our approach updates T p every 10 s based on real-time responses from the WaveBot device. This adaptation leads to a more responsive control strategy, yielding improved power capture. The results show that the proposed method achieves an average power of 36.65 W, compared to 35.26 W with the fixed T p , slightly improving power capture compared to the fixed T p approach.

5.3. Variable Sea State: Prediction and Control

The water surface elevation function η ( t ) is constructed as
η ( t ) = i = 1 N 2 S c ( ω i , t ) sin ( ω i t + ϕ i )
where ω i is the angular frequency, ϕ i is a random phase uniformly distributed in [ 0 , 2 π ] , and S c ( ω , t ) is the time-dependent wave spectrum transitioning between two sea states:
S c ( ω , t ) = 5 π 4 H s ( t ) 2 T p ( t ) 4 ω 5 exp 20 π 4 T p ( t ) 4 ω 4
H s ( t ) = m 1 ( t ) H s 1 + m 2 ( t ) H s 2 ,
T p ( t ) = m 1 ( t ) T p 1 + m 2 ( t ) T p 2 ,
where the time-dependent mixing coefficients are given by
m 1 ( t ) = 1 t t end , m 2 ( t ) = t t end .
This ensures a smooth transition from sea state 1 at t = 0 to sea state 2 at t = t end . The resulting wave elevation function η ( t ) accurately represents a dynamically evolving sea state.
Figure 8 presents the WEC motion response under a dynamically varying wave period T p ranging from 2 s to 6 s. The left column displays the control parameters: the estimated period T p , proportional gain K P , and integral gain K I , while the right column illustrates the WaveBot device response in terms of position, velocity, and PTO force over time. In the first column, it is evident that the predicted period approach is tracking the changing sea state and adjusting the proportional and integral gains accordingly.
Figure 9 illustrates the average power capture over time for two control approaches: a fixed T p of 4 s (conventional method) and a dynamically predicted T p . Unlike the fixed approach, where T p remains constant, the proposed method adaptively updates T p based on real-time responses from the WaveBot device, enabling the continuous tuning of the proportional gain K P and integral gain K I . The results demonstrate a significant improvement in power capture with the adaptive approach. The proposed method achieves an average power of 34.09 W, compared to 27.13 W with the fixed T p . This demonstrates a 25.6% increase in power capture compared to the fixed T p approach. This increase in power extraction efficiency is attributed to the real-time adjustment of control parameters, which allows the WEC to better synchronize with incoming wave conditions. By dynamically optimizing K P and K I , the system effectively maximizes energy conversion, validating the advantage of adaptive control over traditional fixed-gain strategies.

6. Discussion

Our proposed control approach is compared with several other traditional machine learning models and control strategies. Table 4 presents a comparative analysis of different models for both fixed and variable T p , emphasizing the effectiveness of the proposed LSTM-based control technique. The results demonstrate that LSTM outperforms ANN and SVR across all performance metrics, achieving the highest R 2 -score and the lowest RMSE for both cases. For the fixed T p scenario, LSTM attains an R 2 -score of 0.98 with an RMSE of 0.005, leading to an average power capture ( P avg ) of 35.26 W, the highest among all models. Similarly, under the variable T p approach, LSTM maintains superior performance with an R 2 -score of 0.96 and an RMSE of 0.03, achieving an average power capture of 34.09 W. This power capture outperforms the baseline PI controller, which yields 27.13 W. The key outcome of this study is the demonstrated effectiveness of the LSTM-based control approach in adapting to varying sea states. Conventional PI control with fixed K P and K I struggles with dynamic wave conditions, showing similar power capture in fixed sea states but poor performance in variable sea states. However, the proposed method dynamically adjusts control parameters, leading to enhanced power extraction. These results validate the potential of machine learning-driven adaptive control strategies in optimizing energy capture for wave energy converters. The proposed LSTM model demonstrates promising results in predicting ocean wave parameters from WaveBot measurements; however, certain limitations remain. One of the major challenges is the MATLAB-Python co-design integration, which requires specific version compatibility for both training and testing phases. Also, the addition of AWGN to the WaveBot measurements can cause discrepancies, especially at peak force amplitudes; hence, the model’s sensitivity to noise intensity requires further investigation.
Future work could address these limitations by exploring alternative noise models, such as colored noise, to better simulate oceanic environments. Additionally, we plan to leverage direct CWT images as inputs to train CNNs for improved feature extraction and wave parameter predictions. Pretrained CNN models will also be explored to enhance the accuracy and efficiency of T p estimation, leveraging transfer learning techniques for better generalization across varying sea states. Furthermore, integrating the model with real-time data acquisition from WaveBot could provide insights into practical implementation challenges and further optimize performance for live ocean energy applications. Addressing these directions would improve the model’s robustness, generalizability, and practical value in ocean wave prediction and energy harvesting.

7. Conclusions

This study presented an LSTM-based approach for predicting sea states by utilizing features extracted from a WEC device’s physical measurements. Later, a MATLAB-Python co-design architecture is used to integrate wave predictions with a PID controller to obtain optimal control actions that maximize energy extraction. The results show that the proposed control approach significantly enhances power capture in both fixed and variable sea conditions. For the fixed sea state case, the proposed method captures the same amount of power as the traditional fixed T p approach, which is optimally tuned for that particular T p . In the variable sea state scenario, the model was able to tune PID controller gains based on the real-time wave conditions. This adaptation improved power capture by 25.6%, demonstrating the effectiveness of the real-time tuning of K p and K i using the LSTM-predicted sea states. By leveraging these improvements, our proposed method can offer a practical, resilient solution for WEC control by focusing on device measurements, thereby reducing the need for complex and costly wave predictions.

Author Contributions

Conceptualization, T.A.S. and T.B.; methodology, T.B. and R.C.; software, T.A.S.; validation, R.C., G.B. and T.B.; formal analysis, T.A.S.; investigation, T.B.; resources, T.B. and R.C.; data curation, T.A.S.; writing—original draft preparation, T.A.S.; writing—review and editing, T.B. and R.C.; visualization, T.A.S.; supervision, T.B.; project administration, R.C. and G.B.; funding acquisition, T.B. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Sandia National Laboratory under DOE Water Power Technologies Office DE-NA0003525.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data presented in this study are available on request from the corresponding author. The data are not publicly available due to privacy.

Acknowledgments

Sandia National Laboratories is a multi-mission laboratory managed and operated by National Technology and Engineering Solutions of Sandia, LLC., a wholly owned subsidiary of Honeywell International, Inc., for the U.S. Department of Energy’s National Nuclear Security Administration under contract DE-NA0003525. This paper describes objective technical results and analysis. Any subjective views or opinions that might be expressed in the paper do not necessarily represent the views of the U.S. Department of Energy or the United States Government.

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
ANNArtificial Neural Network
AWGNAdditive White Gaussian Noise
CFCrest Factor
CCCComplex Conjugate Control
CWTContinuous Wavelet Transform
DNNDeep Neural Network
FBRFeedback Resonating Control
LSTMLong Short-Term Memory
MPCModel Predictive Control
PIProportional–Integral
PTOPower Take-Off
RNNRecurrent Neural Network
SHAPSHapley Additive exPlanations
SVRSupport Vector Regression
TpPeak Wave Period
WECWave Energy Converter

Nomenclature

Symbols and definitions used throughout the manuscript.
SymbolDefinitionUnit
mMass of the WECkg
k h Hydrostatic stiffnessN/m
b f Frictional damping coefficientN·s/m
NGear ratiorad/m
J d Rotor (shaft) inertiakg· m 2
k τ Motor torque constantN·m/A
R w Motor winding resistance Ω
α Phillips parameter (JONSWAP)                                    
gGravitational acceleration m/s 2
ω Angular frequencyrad/s
ω p Peak angular frequencyrad/s
γ JONSWAP peak enhancement factor
σ Spectral width parameter
x [ k ] State vector at discrete time step k
u [ k ] Input vector at discrete time step k
A , B , C , D State-space matrices
H ( z ) Discrete-time transfer function
T s Sampling periods
z ( t ) Vertical displacement of the WECm
z ˙ ( t ) Vertical velocity of the WECm/s
F PTO ( t ) Power-take-off forceN
K P Proportional gainN·s/m
K I Integral gain s 2 /m
f peak Frequency at peak of PSDHz
f centroid Spectral centroidHz
F flat Spectral flatness
H spectral Spectral entropy
P band Band power in specified frequency ranges
sCWT scale parameter
bCWT translation (time shift)s
ψ ( t ) Mother wavelet
W ( a , b ) Continuous wavelet coefficient

References

  1. Zhang, Y.; Zhao, Y.; Sun, W.; Li, J. Ocean wave energy converters: Technical principle, device realization, and performance evaluation. Renew. Sustain. Energy Rev. 2021, 141, 110764. [Google Scholar] [CrossRef]
  2. Fusco, F.; Ringwood, J.V. A predictive control strategy for wave energy conversion in irregular waves. IEEE Trans. Sustain. Energy 2010, 1, 92–99. [Google Scholar]
  3. Henriques, J.C.C.; Neves, S.P.; Guedes, R.T.; Falcão, A.F.O. Model predictive control of a floating oscillating water column wave energy converter. Renew. Energy 2016, 85, 170–182. [Google Scholar] [CrossRef]
  4. Falnes, J. Ocean Waves and Oscillating Systems: Linear Interactions Including Wave-Energy Extraction; Cambridge University Press: Cambridge, UK, 2002. [Google Scholar]
  5. Li, G.; Belmont, M.R. Model predictive control of sea wave energy converters—Part I: A convex approach for the case of a single device. Renew. Energy 2014, 69, 453–463. [Google Scholar] [CrossRef]
  6. Coe, R.G.; Bacelli, G.; Nevarez, V.; Cho, H.; Wilches-Bernal, F. A Comparative Study on Wave Prediction for WECs; Sandia National Laboratories Report; Sandia National Laboratories (SNL-NM): Albuquerque, NM, USA, 2018; SAND2018-8603.
  7. Yu, Z.; Falnes, J. State-space modelling of a vertical cylinder in heave. Appl. Ocean Res. 1995, 17, 265–275. [Google Scholar] [CrossRef]
  8. Vantorre, M.; Verhoeven, P.; Frigaard, A. Wave energy devices with mechanical energy storage. In Proceedings of the International Conference on Offshore Mechanics and Arctic Engineering, Vancouver, BC, Canada, 20–25 June 2004; Volume 4, pp. 241–248. [Google Scholar]
  9. Gelb, A. Applied Optimal Estimation; MIT Press: Cambridge, MA, USA, 1974. [Google Scholar]
  10. Simon, D. Optimal State Estimation: Kalman, H∞ and Nonlinear Approaches; Wiley-Interscience: Hoboken, NJ, USA, 2006. [Google Scholar]
  11. Julier, S.J.; Uhlmann, J.K. A new extension of the Kalman filter to nonlinear systems. In Proceedings of the AeroSense ’97 (SPIE 3068), Orlando, FL, USA, 21 April 1997; pp. 182–193. [Google Scholar]
  12. Doucet, A.; de Freitas, N.; Gordon, N. Sequential Monte Carlo Methods in Practice; Springer: New York, NY, USA, 2000. [Google Scholar]
  13. Anderson, B.D.O.; Moore, J.B. Optimal Control: Linear Quadratic Methods; Dover Publications: Mineola, NY, USA, 2007. [Google Scholar]
  14. Zou, Y.; Wang, Y.; Zhang, X. Neural network-based resource prediction and optimization for renewable energy systems. Appl. Energy 2017, 206, 1024–1035. [Google Scholar]
  15. He, Y.; Zuo, L. Machine learning for reliability assessment and lifetime prediction of wave energy converters. Ocean Eng. 2021, 235, 109443. [Google Scholar]
  16. Li, H.; Zhao, J.; Chen, P. Deep learning for wave energy prediction and WEC optimization. Renew. Energy 2020, 147, 1689–1701. [Google Scholar]
  17. Duarte, A.; Sarmento, A. Machine learning for wave energy conversion. In Proceedings of the 12th European Wave and Tidal Energy Conference, Cork, Ireland, 27 August–1 September 2017. [Google Scholar]
  18. Cho, H.; Bacelli, G.; Coe, R.G. Model Predictive Control Tuning by Inverse Matching for a Wave Energy Converter. Energies 2019, 12, 4158. [Google Scholar] [CrossRef]
  19. Olah, C.; Understanding LSTM Networks. colah’s blog, 27 August 2015. Available online: https://colah.github.io/posts/2015-08-Understanding-LSTMs/ (accessed on 11 May 2025).
  20. Lilly, J.M. Element Analysis: A Wavelet-Based Method for Analysing Time-Localized Events in Noisy Time Series. Proc. R. Soc. A Math. Phys. Eng. Sci. 2017, 473, 20160776. [Google Scholar] [CrossRef] [PubMed]
  21. Cohen, I.; Huang, Y.; Chen, J.; Benesty, J.; Benesty, J.; Chen, J.; Huang, Y.; Cohen, I. Pearson correlation coefficient. In Noise Reduction in Speech Processing; Springer: Berlin/Heidelberg, Germany, 2009; pp. 1–4. [Google Scholar]
  22. Hou, Z.; Hu, Q.; Nowinski, W.L. On minimum variance thresholding. Pattern Recognit. Lett. 2006, 27, 1732–1743. [Google Scholar] [CrossRef]
  23. Van den Broeck, G.; Lykov, A.; Schleich, M.; Suciu, D. On the tractability of SHAP explanations. J. Artif. Intell. Res. 2022, 74, 851–886. [Google Scholar] [CrossRef]
Figure 1. CAD diagram of the WaveBot WEC device [18].
Figure 1. CAD diagram of the WaveBot WEC device [18].
Applsci 15 05772 g001
Figure 2. System diagram for sea-state predictive control.
Figure 2. System diagram for sea-state predictive control.
Applsci 15 05772 g002
Figure 4. WEC position, z ( t ) for different T p in time domain (left column), frequency domain (middle column), and time–frequency domain (right column).
Figure 4. WEC position, z ( t ) for different T p in time domain (left column), frequency domain (middle column), and time–frequency domain (right column).
Applsci 15 05772 g004
Figure 5. LSTM model prediction.
Figure 5. LSTM model prediction.
Applsci 15 05772 g005
Figure 6. Simulation results for a T p = 5 s sea state. The blue traces are for control, applied assuming a fixed T p = 5 s sea state. The orange traces are for adaptive control, in which the period is predicted based on device motion and performance.
Figure 6. Simulation results for a T p = 5 s sea state. The blue traces are for control, applied assuming a fixed T p = 5 s sea state. The orange traces are for adaptive control, in which the period is predicted based on device motion and performance.
Applsci 15 05772 g006
Figure 7. Instantaneous and average power over for T p = 5 s . The performance, in terms of average power, is as expected, with both control approaches being approximately equal in performance.
Figure 7. Instantaneous and average power over for T p = 5 s . The performance, in terms of average power, is as expected, with both control approaches being approximately equal in performance.
Applsci 15 05772 g007
Figure 8. WaveBot performance in variable sea states, T p [ 2 , 6 ] . The sea state linearly varies over the 400 s simulation time, starting at 2 s period and ending at 6 s period.
Figure 8. WaveBot performance in variable sea states, T p [ 2 , 6 ] . The sea state linearly varies over the 400 s simulation time, starting at 2 s period and ending at 6 s period.
Applsci 15 05772 g008
Figure 9. Instantaneous and average power produced by fixed T p = 4 and variable T p [ 2 , 6 ] . The instantaneous sea state period detection approach significantly outperforms the fixed case by 34.09 W average power to 27.13 W.
Figure 9. Instantaneous and average power produced by fixed T p = 4 and variable T p [ 2 , 6 ] . The instantaneous sea state period detection approach significantly outperforms the fixed case by 34.09 W average power to 27.13 W.
Applsci 15 05772 g009
Table 1. WaveBot physical parameters.
Table 1. WaveBot physical parameters.
ParameterValueUnit
Rigid body mass, m875kg
Hydrostatic stiffness, k h 2.44kN/m
Linear friction coefficient, b f 1Ns/m
Gear ratio, N12.4666rad/m
Shaft inertia, J d 2kg m²
Torque constant, k τ 6.1745Nm/A
Motor winding resistance, R w 0.5 Ω
Table 2. Selected top 10 features.
Table 2. Selected top 10 features.
FeatureSignificanceMathematical Representation
Peak FrequencyThe frequency corresponding to the maximum PSD. f peak = arg max P ( f )
Spectral CentroidCenter of mass of the power spectrum. f centroid = f P ( f ) P ( f )
Spectral FlatnessRatio of geometric mean to arithmetic mean of the power spectrum. F flat = exp 1 N ln P ( f ) 1 N P ( f )
Spectral EntropyQuantifies the uniformity of spectral energy distribution. H = P ( f ) log P ( f )
Band PowerPower in low (0–1 Hz), mid (1–3 Hz), and high frequencies. f low f high P ( f ) d f
Wavelet EntropyMeasures disorder in wavelet energy distribution. H wavelet = P ( s ) log P ( s )
Dominant Wavelet ScaleScale corresponding to highest wavelet energy. s dom = arg max E ( s )
Wavelet SkewnessAsymmetry of wavelet coefficients’ distribution. ( W ( s , t ) μ W ) 3 σ W 3
Wavelet KurtosisPeakedness of wavelet coefficients’ distribution. ( W ( s , t ) μ W ) 4 σ W 4
Teager Energy OperatorCaptures localized energy variations in the signal. n = 2 N 1 x n 2 x n 1 x n + 1
Table 3. LSTM model architecture.
Table 3. LSTM model architecture.
ParameterValue
Loss FunctionMSE
OptimizerAdam
Number of Layers2
Neurons per Layer50, 50
Dropout0.2
Batch Size32
Epochs50
Learning Rate0.001
Activation FunctionReLU
Table 4. Comparison of different models for fixed and variable T p .
Table 4. Comparison of different models for fixed and variable T p .
ModelFixed T p Variable T p
R 2 -ScoreRMSEPavg (W) R 2 -ScoreRMSEPavg (W)
ANN0.950.0235.60.920.0433.11
SVR0.890.0934.210.870.1531.86
LSTM0.980.00536.650.960.0334.09
Baseline (PI)--35.26--27.13
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

Shifat, T.A.; Coe, R.; Bacelli, G.; Brekken, T. Real-Time Sea State Estimation for Wave Energy Converter Control via Machine Learning. Appl. Sci. 2025, 15, 5772. https://doi.org/10.3390/app15105772

AMA Style

Shifat TA, Coe R, Bacelli G, Brekken T. Real-Time Sea State Estimation for Wave Energy Converter Control via Machine Learning. Applied Sciences. 2025; 15(10):5772. https://doi.org/10.3390/app15105772

Chicago/Turabian Style

Shifat, Tanvir Alam, Ryan Coe, Gioegio Bacelli, and Ted Brekken. 2025. "Real-Time Sea State Estimation for Wave Energy Converter Control via Machine Learning" Applied Sciences 15, no. 10: 5772. https://doi.org/10.3390/app15105772

APA Style

Shifat, T. A., Coe, R., Bacelli, G., & Brekken, T. (2025). Real-Time Sea State Estimation for Wave Energy Converter Control via Machine Learning. Applied Sciences, 15(10), 5772. https://doi.org/10.3390/app15105772

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