Skip to main content

A design of power prediction algorithm based on health assessment optimized neural network

Abstract

Wind power prediction holds significant value for the stability of the electrical grid when wind power is connected to the grid. Using neural networks for wind power prediction may have some limitations, such as slow speed and low accuracy. This paper proposes to enhance the power prediction accuracy and speed by optimizing the neural network through health assessment wind turbines. Firstly, based on wind turbine actual operating data, a health assessment is conducted to obtain a health matrix of wind turbine. Then, by calculating the weights of the matrix, the power prediction strategy of the network is optimized. Following that, matrix approximation hyperparameters are utilized to expedite the optimization process. Finally, some tests are conducted on neural network power prediction, act as optimized back propagation (BP) neural network and whale swarm algorithm–support vector regression (WSA-SVR) neural networks are employed for wind power prediction. Results show noticeable optimization: after optimizing the BP network, power prediction accuracy increased by about 40%, and prediction speed rose by about 20%; after optimizing the WSA-SVR network, power prediction accuracy improved by 10%, and prediction speed surged by about 45%. Further analysis shows that this method can improve the accuracy and speed of most neural network wind power prediction algorithms.

Introduction

The fluctuation of wind energy may lead to the instability of wind electricity [1], affecting the operation of the electrical grid once connected. To ensure the safety of the electrical grid, it is essential to predict wind power and adjust it in a timely manner. Hunan Province in China has a requirement for grid connected voltage of wind farms, with a monthly compliance rate of 98% for voltage control curves. The accuracy of short-term wind power prediction should not be less than 83%, and the accuracy of ultra short-term power prediction should not be less than 87%.

Early wind power predictions often employed some traditional methods such as numerical weather prediction (NWP), power curve graphs, and so on. Due to the low measurement accuracy and significant transmission delay of NWP, the power prediction accuracy of this method is not high. Power curve graphs, derived from turbine conditions, also see reduced power prediction accuracy when environmental changes affect wind turbine operation and actual power deviates from rated power [2, 3].

In fact, the impact of weather and terrain conditions in areas where the climate was changeable and the terrain was complex led to significant errors in NWP, resulting in a lot of forecasting errors. In recent years, with the development of artificial intelligence technology, many new neural network algorithms have emerged. To improve accuracy, neural networks are often used for data processing, such as power predictions. Neural networks can train network models using historical data to predict wind power. Compared to similar methods, its predictive performance is significantly improved. Moreira et al. [4] used artificial neural networks (ANN) to establish forecasting models for photovoltaic generation that improve the information exchange capabilities and consequently enhancing the forecasting determination. Zhu et al. [5] established forecasting models based on the support vector machines (SVM) and Kalman filtering method that showed some efficacy in handling noise in wind power data. Sompop and Nawinda [6] design a modification of multivariable gray prediction model and states and parameters are sequentially estimated by means of the traditional Kalman filtering. But issues like slow prediction speed and high data costs persist. Thus, finding efficient optimization methods to enhance the predictive performance of neural networks has become a research hotspot in recent years.

Optimization algorithms can enhance network capabilities while improving prediction speed and accuracy. Wang et al. [7] proposed a short-term wind power prediction method combining variational mode decomposition (VMD) and hybrid kernel extreme learning machine (HKELM) which enhanced neuron communication capabilities to reduce optimization time and speed up predictions. Moreira et al. [8] explored how to use cluster analysis to select the ANNs and how to combine them in in the ensemble. Zhang et al. [9] improved Bayesian parameter optimization machine learning algorithms for wind turbine fault diagnosis. Shi et al. [10] proposed wind power operation uncertainty risk assessment based on sensitivity-layer hidden Markov model (HMM) which increased sampling tolerance to reduce data collection time, thereby increasing prediction speed. Yang et al. [11] designed a convolutional neural networks–bidirectional long short-term memory (CNN-BiLSTM) wind power prediction method which adjusted the network weight allocation method to reduce rounding errors and improve prediction accuracy. Korprasertsak and Leephakpreeda [12] designed a weighting method combine the predicted values of the autoregressive moving average model, the artificial neural network model, and the gray prediction model for the wind power generation. Ye et al. [13] established the wind power reference and loss prediction models based on XGBoost and Transformer algorithms to quantify theoretical output and power shortage in cold weather. They adopted seasonal models to reduce modeling errors, improving prediction accuracy. Chenniappan et al. [14] used the autoregressive integrated moving average (ARIMA) model for forecasting the future requirements of water supply. Lee and Park [15] forecasted housing submarkets trading volumes with the ARIMA model and the recurrent neural network (RNN). The trading volumes in adjacent areas are utilized as covariates and an ensemble prediction. They added a buffer module to improve gradient smoothness, ensuring predictive accuracy. Zhang et al. [16] adopted the temporal convolutional network for wind power prediction. Liu Ying, et al. [17] propose a knowledge-embedded graph neural network (K-GNN) model based on the general framework of multivariate time series graph neural network (MT-GNN) to predict the multivariate time series state data of wind turbines. Liu et al. [18] introduced attention mechanisms to reduce latency errors. However, currently, most optimization algorithms can only improve either accuracy or speed independently, and the outcomes are not ideal.

This paper improves wind turbine power weight calculation methods and adjusts prediction strategies by employing health assessment to derive a wind turbine health matrix, thereby enhancing both the accuracy and speed of neural network predictions.

The first part of the paper introduces the health assessment algorithm and analyzes neural network algorithms. In the third part, a new optimization scheme is introduced to optimize the hyperparameter of two neural networks, and the fourth part simulation tests the algorithms.

Methods

The concept of health assessment was proposed by Lars Landberg in 2011 [19]. It leverages the characteristics of the statistical probability distribution of model outputs, transforming a two-dimensional multivariate probability density function into a health matrix.

Wind speed and power generation efficiency are positively correlated. As wind speed decreases, the wind turbine rotates slower, resulting in lower power generation efficiency. Conversely, as wind speed increases, the wind turbine rotates faster, leading to higher power generation efficiency. By applying a multivariate Gaussian distribution model to compute power generation efficiency, we can derive the health matrix. The specific process is illustrated in Fig. 1:

Fig. 1
figure 1

Health assessment process diagram

  1. (1)

    Data collection: Collect data on wind speed, temperature, pressure, rotational speed, and power [20], among other metrics, via sensors and the SCADA system.

  2. (2)

    Data cleaning: Address missing values, anomalies, and noise in the data to enhance its reliability [21].

To mitigate the order error of data at different magnitudes, a normalization process is first carried out. Given that some types of data can have negative values, the min–max normalization algorithm is as follows:

$$\dot{{x}_{i}}=\frac{{x}_{i}-{x}_{min}}{{x}_{max}-{x}_{min}}$$
(1)

where \({x}_{i}\) represents the current data, \({x}_{min}\) denotes the minimum data value, and \(x_{max}\)  represents the maximum data value.

  1. (3)

    Feature selection: From the cleaned data, select feature data to determine the dimensions of the health matrix [22], as well as the approximation hyperparameters for the neural network.

  2. (4)

    State classification: Based on the feature data, calculate the power generation efficiency and categorize the wind turbine statuses into categories such as normal, minor fault, and major fault [23]. The power generation efficiency is defined as:

 

$$f\left(x;\mu ,\Sigma \right)=\frac{1}{{\left(2\pi \right)}^\frac{i}{2}{\left|\Sigma \right|}^\frac{1}{2}}{\text{exp}}[\frac{1}{2}{\left(x-\mu \right)}^{T}{\Sigma }^{-1}\left(x-\mu \right)]$$
(2)

where i is the feature identifier, ranging from 1 to n, μ is the mean vector, and Σ is the covariance matrix.

  1. (6)

    Matrix generation: Arrange the power generation efficiencies of the same status categories in order of value to form a matrix. Each matrix element represents the power generation efficiency of the wind turbine in that specific state [24].

Arrange the computed power generation efficiencies in order of feature to get the efficiency matrix \({Q}_{n\times 1}\).

By applying factor analysis to the measurement data, we can obtain the power feature correlation matrix \({V}_{1\times n}\). After arranging it using \({Q}^{T}\), multiplying Q with V yields the health matrix A, defined as:

$${A}_{n\times n}={Q}_{n\times 1}{V}_{1\times n}$$
(3)

where n is the dimension of the health matrix, typically ranging from 6 to 12. When n exceeds 12, dimensionality reduction is required.

The existing health assessment algorithm has two shortcomings:

  1. 1.

    High data costs: To calculate power generation efficiency, various wind turbine data are required, increasing the cost of data collection, processing, and analysis [25].

  2. 2.

    High complexity: To enhance assessment reliability, the feature selection module is introduced, increasing the algorithmic complexity [26].

To reduce complexity, simplify the health matrix, and lower assessment costs, the factor analysis method is first used to simplify the feature selection module and reduce matrix complexity. Then, dimensionality reduction and decoupling are performed on the feature data to reduce data processing costs.

Analysis of neural network algorithm

There are shortcomings in the current optimization neural network algorithms: firstly, the improvement in prediction speed after optimization is not significant; secondly, there is not much change in accuracy after optimization. Li et al. [27] optimized the BP neural network for wind power prediction, enhancing the network’s adaptability, non-linear mapping, and parallel processing capabilities. However, the quality of power weight was not improved, resulting in limited enhancement in prediction accuracy. Heidari [28] used the optimized SVR network for photovoltaic power prediction, strengthening SVR’s mutation handling capability. However, the optimization process was not improved, and the prediction speed remains slow.

Power weight has a significant impact on BP’s prediction accuracy [29]. Using the health matrix to improve power weight calculation can enhance BP prediction accuracy. The prediction speed of SVR is significantly affected by parameter optimization [30]. To accelerate the optimization process, WSA is introduced as SVR’s optimization algorithm.

WSA is a new group intelligence algorithm [31] which is used to solve the merit-seeking problem by imitating behaviors such as searching and hunting among whale populations using ultrasonic waves as information carrier. The position iterative formula of the whale swarm algorithm is:

$$\left\{\begin{array}{c}{x}_{i}^{t+1}={x}_{i}^{t}+\beta \left({y}_{i}^{t}-{x}_{i}^{t}\right)\\ \beta =rand\left(0, {{\rho}_{0}e}^{{-\eta d}_{X,Y}}\right)\end{array}\right.$$
(4)

where η is the ultrasonic attenuation factor; d xy is the distance between X and Y; ρ 0 represents the initial ultrasonic intensity; \({y}_{i}^{t}\)indicates the position of whale y i at step t; \({x}_{i}^{t}\)and \({x}_{i}^{t+1}\)are the position of whale x i at step t and t + 1, respectively; and β is a random number of \([0, {{\rho}_{0}e}^{{-\eta d}_{X,Y}}].\)

The approximate hyperparameters of the health matrix are used as the starting value for WSA, accelerating the SVR optimization process and improving prediction speed.

New optimization scheme

Through health assessment, the health matrix is obtained. After calculating the improved power weight, the power is predicted using the neural network output. Without increasing data processing costs, the prediction error is reduced, and the accuracy and speed of network prediction are enhanced.

The neural network optimization scheme is shown in Fig. 2.

  1. 1.

    Health assessment: Based on feature data, perform health assessment to obtain the health matrix and neural network approximate hyperparameters.

  2. 2.

    Power prediction: Using matrix approximate hyperparameters and speeding up the optimization process, the neural network is used for power prediction, obtaining the original predicted power.

Fig. 2
figure 2

Neural network optimization scheme based on the health matrix

From Eqs. (2) and (3), we know that n features correspond to health matrix \({A}_{n\times n}\). Arrange the current time data according to the order of matrix Q into feature matrix \({B}_{n\times 1}\).

Firstly, matrices A and B are multiplied to get the weight matrix \({C}_{n\times 1}\), i.e.:

$${C}_{n\times 1}={A}_{n\times n}{B}_{n\times 1}$$
(5)

Then, the original predicted power \({P}_{i}\) is expanded into power matrix \({D}_{1\times n}\). All elements in D are the original predicted power \({P}_{i}\).

Next, matrices D and C are multiplied, the result is multiplied by the correction factor λ, and added to \({P}_{i}\), obtaining the reconstructed predicted power \(\overline{{P }_{i}}\), i.e.:

$$\overline{{P }_{i}}=\lambda \cdot \left|D\times C\right|+{P}_{i}$$
(6)

where λ is related to the feature data and turbine operating conditions, with values ranging from 0.01 to 0.1.

The optimization process of BP network is as follows:

For the BP network, the hidden layer error can be represented as:

$${\delta }_{h}={f'}\left(x\right)\times \Sigma \left(\omega \times {\delta }_{o}\right)$$
(7)

where \({\delta }_{h}\) represents the hidden layer error; \({\delta }_{o}\) represents the estimated system error, a given value; \({f}{\prime}\) is the derivative of the activation function; x is the hidden layer input; ω is the power weight, identical to the elements of weight matrix C; and Σ denotes summation over the output layer nodes.

The update calculation of BP power weight is as follows:

$$\Delta \omega =\alpha \times \delta \times {x}_{i}$$
(8)

where \(\Delta \omega\) represents the change in weight, α is the learning rate, δ is the error of the current node, and \({x}_{i}\) is the input of the current node.

In Eq. (7), ω is calculated using the health matrix to reduce interference in ω, making the value of \(\omega \times {\delta }_{o}\) significantly reduced, lowering \({\delta }_{h}\), reducing prediction error, and enhancing BP prediction accuracy.

Using the health matrix as \({{\text{x}}}_{{\text{i}}}\), Eq. (8) can reduce the update calculation amount and accelerate weight convergence to obtain an approximate optimal learning rate. After optimization, the prediction time of the BP network is significantly reduced.

The optimization process of SVR is as follows:

Suppose the input of the ith data is \({x}_{i}\), the output is \({y}_{i}\), and the predicted value is f(\({x}_{i}\)). Define the error variable \({e}_{i}\) to represent the gap between the actual value and the predicted value, which is:

$${e}_{i}=f\left({x}_{i}\right)-{y}_{i}$$
(9)

During the optimization process, while minimizing the sum of squares of errors, limit each \({e}_{i}\) to not exceed the given threshold \(\varepsilon\), resulting in Eqs. (10) and (11):

$${\text{minimize}}:0.5\times {\omega }^{T}\times \omega +{T}_{1}\times \Sigma {e}_{i}$$
(10)
$${\text{subject}}:\left|{e}_{i}\right|\le \varepsilon ,i=\mathrm{1,2},\dots ,n$$
(11)

wherein, ω is the power weight, the same as the elements of weight matrix C. \({T}_{1}\) is a regularization parameter, and \({\omega }^{T}\) is the transpose of ω. The WSA algorithm is used to optimize \({T}_{1}\).

The calculation of SVR predicted values is:

$$f\left({x}_{i}\right)=\Sigma {\alpha }_{i}\times K\left({x}_{i},x\right)+{e}_{i}$$
(12)

where \({\alpha }_{i}\) is the Lagrangian multiplier, obtained by solving the Lagrangian function equation of SVR; \(K\left({x}_{i},x\right)\) represents the inner product kernel function; and \({e}_{i}\) is the error variable.

The approximate regularization parameter of the health matrix allows WSA to start optimization near the global optimum, reducing the optimization time, accelerating the prediction process, and improving the prediction speed of SVR.

Simulation tests and optimization analysis

Error metrics

Three types of error metrics are used: coefficient of determination (R 2), mean squared error (MSE), and mean absolute error (MAE), as given in Eqs. (13, 14, and 15):

$${R}^{2}=1-\frac{\sum_{i=1}^{n}{\left(\widehat{{y}_{i}}-{y}_{i}\right)}^{2}}{\sum_{i=1}^{n}{\left(\overline{{y }_{i}}-{y}_{i}\right)}^{2}}$$
(13)
$$MSE=\frac1n\sum\nolimits_{i=1}^n\left(\widehat{y_i}-y_i\right)^2$$
(14)
$$MAE=\frac{1}{n}\sum\nolimits_{i=1}^{n}\left|\overline{{y }_{i}}-{y}_{i}\right|$$
(15)

where \({y}_{i}\) is the actual value, \(\widehat{{y}_{i}}\) is the predicted value, and \(\overline{{y }_{i}}\) is the average of the actual values. R 2 indicates prediction accuracy; the closer the value is to 1, the higher the prediction accuracy. MSE and MAE represent the degree of error dispersion; the smaller the value, the smaller the prediction error.

Simulation tests

Using Baidu KDD CUP 2022, test data set 1# unit for a total of 40 days [32]. BP and WSA-SVR networks were selected for optimization testing. Data preprocessing uses forward and backward interpolation to ensure input data consistency.

The BP network’s pre-optimization and post-optimization prediction effects are shown in Figs. 3 and 4.

Fig. 3
figure 3

BP prediction effect without optimization

Fig. 4
figure 4

BP prediction effect after optimization

The pre-prediction and post-optimization prediction effects of the WSA-SVR network are shown in Figs. 5 and 6.

Fig. 5
figure 5

WSA-SVR prediction effect without optimization

Fig. 6
figure 6

WSA-SVR prediction effect after optimization

The comparison of prediction errors before and after optimization is shown in Table 1.

Table 1 Neural network prediction error comparison

From Table 1 and Figs. 3 and 4, it can be seen that after optimizing the BP network, the prediction accuracy increased by about 40%, and the prediction time was reduced by about 20%. From Table 1 and Figs. 5 and 6, after optimizing the WSA-SVR network, the prediction accuracy increased by about 10%, and the prediction time was reduced by about 45%.

Results and discussion

The optimization algorithm significantly improved the lag of the prediction and enhanced the quality of the BP network’s power weight. After optimization, the BP network’s prediction accuracy noticeably improved. Simultaneously, using the matrix’s approximate regularization parameter as the starting value for optimization can improve the optimization efficiency and reduce the prediction time of BP.

Hyperparameter optimization accounts for about 70% of the total SVR prediction time [33]. In the WSA-SVR optimization process, by passing the approximate regularization parameter of the health matrix to the WSA-SVR network and allowing WSA to start optimization from an approximate global optimum, the WSA-SVR prediction time can be reduced. After optimization, the accuracy of WSA-SVR significantly improved.

Conclusions

Here it employed health assessment to derive a wind turbine health matrix, thereby enhancing both the accuracy and speed of neural network predictions. The optimization algorithm designed based on health assessment can simultaneously improve the wind power prediction accuracy and speed of neural networks. Compared with existing optimization algorithms, the neural network optimization algorithm based on the health matrix has a smaller data cost and better prediction performance. From the principle and process of the algorithm, it can be concluded that it can improve the accuracy and speed of most neural network wind power prediction algorithms.

Availability of data and materials

The data underlying this article are available in A Dataset for Spatial Dynamic Wind Power Forecasting Challenge at KDD Cup 2022 at https://arxiv.org/abs/2208.04360. The models and code generated or used during the study will be shared on reasonable request to the corresponding author.

Abbreviations

BP:

Back propagation

WSA:

Whale swarm algorithm

SVR:

Support vector regression

NWP:

Numerical weather prediction

ANN:

Artificial neural networks

SVM:

Support vector machines

HKELM:

Hybrid kernel extreme learning machine

HMM:

Hidden Markov model

CNN-BiLSTM:

Convolutional neural networks–bidirectional long short-term memory

ARIMA:

Autoregressive integrated moving average

RNN:

Recurrent neural network

K-GNN:

Knowledge-embedded graph neural network

MT-GNN:

Multivariate time series graph neural network

MAE:

Mean absolute error

RMSE:

Root mean square error

MAPE:

Mean absolute percentage error

References

  1. Yuepu W (2020) Analysis of the current status and development trend of wind power generation [J]. Power Equip Manage 50(11):21–22

    Google Scholar 

  2. Hui Z, Yifei L, Lei X (2022) Discussion on the influencing factors of offshore wind farm site selection [J]. China Water Transp (Second Half of the Month) 22(12):44–46

    Google Scholar 

  3. Ge Xiaolin, Yisheng Xu, Yang Fu et al (2022) Joint planning of offshore wind-storage with multiple uncertainties [J]. Power Grid Technol 15:1-14.1779

    Google Scholar 

  4. Moreira MO, Balestrassi PP, Paiva AP, Ribeiro PF, Bonatto BD (2021) Design of experiments using artificial neural network ensemble for photovoltaic generation forecasting [J]. Renew Sustain Energy Rev 135:110450

    Article  Google Scholar 

  5. Qian Z, Yushi W, Yulin L (2021) Improvement of multi-layer soil moisture prediction using support vector machines and ensemble Kalman filter coupled with remote sensing soil moisture datasets over an agriculture dominant basin in China [J]. Hydrol Proc 35(4):14154

    Article  Google Scholar 

  6. Moonchai S, Chutsagulprom N (2020) Short-term forecasting of renewable energy consumption: augmentation of a modified grey model with a Kalman filter [J]. Appl Soft Comput J 87:105994

    Article  Google Scholar 

  7. Wang R, Xu X Chao, Lu J (2023) Short-term wind power forecasting based on sparrow search algorithm optimized variational mode decomposition and hybrid kernel extreme learning machine [J/OL]. Information and Control 52(04):444–454. https://doi.org/10.13976/j.cnki.xk.2023.2281

  8. Moreira MO, Balestrassi PP, Paiva AP, Ribeiro PF, Bonatto BD (2021) Design of experiments using artificial neural network ensemble for photovoltaic generation forecasting. Renew Sustain Energy Rev 135:110450

    Article  Google Scholar 

  9. Zhang H, Shi Z, Shu Y, et al (2022) Wind turbine fault diagnosis method based on OOB-BO-LightGBM [J/OL]. China Measurement & Test 1–7. https://kns-cnki-net.webvpn.hnie.edu.cn/kcms/detail/51.1714.TB.20220623.1608.040.html

  10. Shi H, Li Yi, Ding M, Gao F, Li X (2022) Wind turbine operation uncertainty risk assessment method based on sensitivity-layer HMM power prediction [J/OL]. China Measurement & Test 1–9. https://kns-cnki-net.webvpn.hnie.edu.cn/kcms/detail/51.1714.TB.20221111.1109.006.html

  11. Zimin Y, Xiaosheng P, Yuhan X, Peijie W, Ruiqin D, Binbin Z (2023) Short-term wind power prediction considering adjacent wind farm information and CNN-BiLSTM [J]. South Power Grid Technol 17(02):47–56

    Google Scholar 

  12. Korprasertsak N, Leephakpreeda T (2019) Robust short-term prediction of wind power generation under uncertainty via statistical interpretation of multiple forecasting models [J]. Energy 180:387–397

    Article  Google Scholar 

  13. Lin Ye, Yilin Li, Ming P, Li Zhuo Xu, Jiazheng XL (2023) Short-term wind power combined prediction under cold wave weather with small sample conditions [J]. China Electr Engine J 43(02):543–555

    Google Scholar 

  14. Chenniappan M, Gnanavel D, Gunasekaran KP, Rajalakshmi RR, Ramya AS, Stonier AA, Peter G, Ganji V (2022) Prediction of fault occurrences in smart city water distribution system using time-series forecasting algorithm [J]. Math Probl Engine 2022:1–13

    Article  Google Scholar 

  15. Lee C, Park KK (2022) Forecasting trading volume in local housing markets through a time-series model and a deep learning algorithm [J]. Eng Constr Archit Manag 29(1):165–178

    Article  Google Scholar 

  16. Haotian Z, Mi W, Jinguo Li, Yingjie T (2022) Data-driven time-attention convolutional wind power prediction model [J]. J Solar Energy 43(10):167–176

    Google Scholar 

  17. Ying L, Yangguang L, Shuhui Q et al (2022) Application of knowledge-embedded graph neural network in multi-element state prediction of wind turbines [J]. Sci China: Inform Sci 52(10):1870–1882

    Google Scholar 

  18. Liu Y, Li Y, Shuhui Qu, Dong J, Wang J (2021) Coordinated control strategy for active power of wind power cluster based on model, predictive control [J]. Proc CSEE 41(17):5887–5899

    Google Scholar 

  19. Beatrice G, Jonathan C, Jeremy P, Lars L (2011) Increasing certainty-combination methods for reliable probabilistic wind production forecasts [J]. Europe’s Premier Wind Energy Event-EWEA 8:3–10

    Google Scholar 

  20. Jiarui L, Guotian Y, Xiyun Y (2022) Research on wind turbine fault warning method based on deep convolutional autoencoder [J]. J Solar Energy 43(11):215–223

    Google Scholar 

  21. Wufei Z, ShuaiShuai L, Jiacheng L (2022) Research on wind turbine blade icing fault prediction model [J]. Agri Equip Vehicle Engine 60(09):130–135

    Google Scholar 

  22. Mallioris P, Teunis G, Lagerweij G, Joosten P, Dewulf J, Wagenaar JA, Stegeman A, Mughini-Gras L (2023) Biosecurity and antimicrobial use in broiler farms across nine European countries: toward identifying farm-specific options for reducing antimicrobial usage [J]. Epidemiol Infect 151:e13

    Article  Google Scholar 

  23. Mallouli M, Chouchane M (2023) Selection of piezoeloectric material and fiber volume fraction to maximize the electrical power produced by macro-fiber composite energy harvesters [J]. J Compos Mater 57(2):273–295

    Article  Google Scholar 

  24. von Danwitz M, Thank Kochmann T, Sahin T, Wimmer J, Braml T, Popp A (2023) Hybrid digital twins: a proof of concept for reinforced concrete beams [J]. PAMM 22(1):e202200146

    Article  Google Scholar 

  25. Olatinwo DD, Abu-Mahfouz A, Hancke G, Myburgh H (2023) IoT-enabled WBAN and machine learning for speech emotion recognition in patients [J]. Sensors 23(6):2948

    Article  Google Scholar 

  26. Yang XU, Anmin CAI, Linwei Z, Weirong L, Cheng L, Shuiqing L (2022) Load prediction and analysis of wind turbine based on BP neural network and multi-factor weighting method [J]. Thermal Power Gen 51(08):42–49

    Google Scholar 

  27. Fen L, Ling S, Yawei W, Aifang Q, Nian M, Jinbin Z (2022) Short-term interval photovoltaic power prediction based on CEEMDAN-GSA-LSTM and SVR [J/OL]. J Shanghai Jiao Tong University 511:1–22. https://doi.org/10.16183/j.cnki.jsjtu.2022.511

    Article  Google Scholar 

  28. Heidari M (2023) Comparison of back propagation neural network with hybrid back propagation-wavelet network for breast cancer diagnosis based on statistical features extracted from thermographic images of women’s breasts [J]. J Model Engine 21:51

    Google Scholar 

  29. Singh PK, Rajhans P (2023) Experimental investigation and SVR model to predict the mechanical properties of RAC by enhancing the characteristic of RCA using surface treatment method along with modified mixing approach [J]. Constr Build Mater 393:132032

    Article  Google Scholar 

  30. Li KQ, Yin ZY, Yong L (2023) A hybrid SVR-BO model for predicting the soil thermal conductivity with uncertainty [J]. Can Geotech J 61:258. https://doi.org/10.1139/cgj-2023-0105

    Article  Google Scholar 

  31. Zeng B, Li X, Gao L, Zhang Y, Dong H (2020) Whale swarm algorithm with the mechanism of identifying and escaping from extreme points for multimodal function optimization [J]. Neural Computing and Applications 32(9):5071–5091

    Article  Google Scholar 

  32. Zhou J, Lu X, Xiao Y, Lyu J, Ma Y, Dou D. SDWPF: a dataset for spatial dynamic wind power forecasting challenge at KDD Cup 2022 [J]. arXiv preprint arXiv:2208.04360, 2022.

  33. Gai R, Yang J (2023) Research on water quality spatiotemporal forecasting model based on ST-BIGRU-SVR neural network [J]. Water Sci Technol 88(3):530. https://doi.org/10.2166/wst.2023.156

    Article  Google Scholar 

Download references

Funding

This work was supported by the National Natural Science Foundation of China (grant number 62006075), Hunan Provincial Natural Science Foundation of China (grant number 2022JJ50014, 2022JJ50116), and Special Project for Construction of Changzhutan National Independent Innovation Demonstration Zone (grant number CG-ZDGS20221004), Postgraduate Scientific Research Innovation Project of Hunan Province (grant Number CX20231290).

Author information

Authors and Affiliations

Authors

Contributions

Feng Huang is for the supervision and Xin Xie in charge of writing; Chengjin He and Huaan Zhou analyzed and interpreted the patient data regarding the hematological disease and the transplant. Feiyu Hu, Bin Zeng, and Lingxiang Huang performed the histological examination of the kidney. All authors read and approved the final manuscript.

Corresponding author

Correspondence to Feng Huang.

Ethics declarations

Competing interests

No conflict of interests in this paper.

Additional information

Publisher’s Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/. The Creative Commons Public Domain Dedication waiver (http://creativecommons.org/publicdomain/zero/1.0/) applies to the data made available in this article, unless otherwise stated in a credit line to the data.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Xie, X., Huang, F., He, C. et al. A design of power prediction algorithm based on health assessment optimized neural network. J. Eng. Appl. Sci. 71, 96 (2024). https://doi.org/10.1186/s44147-024-00413-x

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s44147-024-00413-x

Keywords