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.
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 and 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
where
and
represent the proportional and integral gains, respectively, and
is the angular frequency.
Instead of determining
and
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
where
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 .
Using a discrete-time representation, the transfer function
is computed as
where
is the discrete-time frequency response variable, and
is the sampling time:
To ensure stability and prevent extreme values,
and
are constrained within predefined limits:
. 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 .
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
and hidden state
at each time step
t based on the previous hidden state
, the previous cell state
, and the current input
. The update process is given by the following equations:
Here,
represents the sigmoid activation function,
is the hyperbolic tangent function, and ⊙ denotes element-wise multiplication. The weight matrices
and
along with the biases
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].
Algorithm 1 LSTM estimator training and optimization. |
Require: Raw WEC data , window length L, learning rate , max epochs Ensure: Optimized LSTM parameters Data Preparation: Partition into overlapping windows of length L: Normalize features in via min–max scaling Augment: Split into training, validation, and test sets Model Initialization: Initialize LSTM parameters and optimizer with rate Set best_val_loss Training Loop: for epoch do Shuffle training set into mini-batches for each batch in training set do Backpropagate and update end for val_loss 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 (), and PTO force () exhibit small variations in changing wave period (). Traditional time-domain approaches, such as statistical moments or signal amplitude variations, are insufficient in differentiating rapid and subtle changes in . 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
is defined as
where
is the scaled and translated version of the mother wavelet
, given by
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 . The wavelet coefficients 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 .
As shown in
Figure 4, the first column presents the WEC position
in the time domain for different wave periods
, 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
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
, 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
denote the normalized score for feature
i under the
j-th evaluation method. Then, the composite
z-score for feature
i is given by
where
is the weight assigned to the
j-th evaluation method, with
. Each
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:
where
,
, and
are weights assigned to each metric, with
. The weights are selected based on cross-validation performance to ensure optimal feature selection for our specific model and data.
After calculating
for each feature, the top 10 features with the highest
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 (), and PTO force (). A wide range of JONSWAP spectra is used to mimic real-life ocean conditions. Wave heights of m and peak periods of s are suitable for Pacific Northwest sea conditions. Therefore, a full-scale 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, and .
During training, wave excitation force, is generated using wave surface elevation profiles for s, 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 (
) between 1 and 4 s are used, covering a wide range of dynamically different sea states. In all cases, the wave height
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 (
) 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 (
-score) of 98.4%, demonstrating its ability to capture the underlying wave dynamics with high accuracy. Even on test data with
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, , based on WaveBot measurements , which is then used to determine and apply the proportional and integral gains and . Predicted 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,
and
, which adapt dynamically based on the predicted
. Note that
gain is limited to
due to the device constraint as shown in
Table 1. The position, velocity, and PTO force (
) 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
is computed using the instantaneous PTO force
and the velocity of the device
. The instantaneous PTO power is given by
The average power
is then computed by dividing the total extracted energy by the total time duration
T:
In conventional control strategies, remains constant, potentially limiting adaptability to changing wave conditions. In contrast, our approach updates 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 , slightly improving power capture compared to the fixed approach.
5.3. Variable Sea State: Prediction and Control
The water surface elevation function
is constructed as
where
is the angular frequency,
is a random phase uniformly distributed in
, and
is the time-dependent wave spectrum transitioning between two sea states:
where the time-dependent mixing coefficients are given by
This ensures a smooth transition from sea state 1 at to sea state 2 at . The resulting wave elevation function accurately represents a dynamically evolving sea state.
Figure 8 presents the WEC motion response under a dynamically varying wave period
ranging from 2 s to 6 s. The left column displays the control parameters: the estimated period
, proportional gain
, and integral gain
, 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
of 4 s (conventional method) and a dynamically predicted
. Unlike the fixed approach, where
remains constant, the proposed method adaptively updates
based on real-time responses from the WaveBot device, enabling the continuous tuning of the proportional gain
and integral gain
. 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
. This demonstrates a 25.6% increase in power capture compared to the fixed
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
and
, 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
, 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
-score and the lowest RMSE for both cases. For the fixed
scenario, LSTM attains an
-score of 0.98 with an RMSE of 0.005, leading to an average power capture (
) of 35.26 W, the highest among all models. Similarly, under the variable
approach, LSTM maintains superior performance with an
-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
and
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 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.