期刊文献+
共找到628篇文章
< 1 2 32 >
每页显示 20 50 100
Short-term photovoltaic power prediction using combined K-SVD-OMP and KELM method 被引量:2
1
作者 LI Jun ZHENG Danyang 《Journal of Measurement Science and Instrumentation》 CAS CSCD 2022年第3期320-328,共9页
For photovoltaic power prediction,a kind of sparse representation modeling method using feature extraction techniques is proposed.Firstly,all these factors affecting the photovoltaic power output are regarded as the i... For photovoltaic power prediction,a kind of sparse representation modeling method using feature extraction techniques is proposed.Firstly,all these factors affecting the photovoltaic power output are regarded as the input data of the model.Next,the dictionary learning techniques using the K-mean singular value decomposition(K-SVD)algorithm and the orthogonal matching pursuit(OMP)algorithm are used to obtain the corresponding sparse encoding based on all the input data,i.e.the initial dictionary.Then,to build the global prediction model,the sparse coding vectors are used as the input of the model of the kernel extreme learning machine(KELM).Finally,to verify the effectiveness of the combined K-SVD-OMP and KELM method,the proposed method is applied to a instance of the photovoltaic power prediction.Compared with KELM,SVM and ELM under the same conditions,experimental results show that different combined sparse representation methods achieve better prediction results,among which the combined K-SVD-OMP and KELM method shows better prediction results and modeling accuracy. 展开更多
关键词 photovoltaic power prediction sparse representation K-mean singular value decomposition algorithm(K-SVD) kernel extreme learning machine(KELM)
下载PDF
Short-Term Photovoltaic Power Prediction Based onMulti-Stage Temporal Feature Learning
2
作者 Qiang Wang Hao Cheng +4 位作者 Wenrui Zhang Guangxi Li Fan Xu Dianhao Chen Haixiang Zang 《Energy Engineering》 2025年第2期747-764,共18页
Harnessing solar power is essential for addressing the dual challenges of global warming and the depletion of traditional energy sources.However,the fluctuations and intermittency of photovoltaic(PV)power pose challen... Harnessing solar power is essential for addressing the dual challenges of global warming and the depletion of traditional energy sources.However,the fluctuations and intermittency of photovoltaic(PV)power pose challenges for its extensive incorporation into power grids.Thus,enhancing the precision of PV power prediction is particularly important.Although existing studies have made progress in short-term prediction,issues persist,particularly in the underutilization of temporal features and the neglect of correlations between satellite cloud images and PV power data.These factors hinder improvements in PV power prediction performance.To overcome these challenges,this paper proposes a novel PV power prediction method based on multi-stage temporal feature learning.First,the improved LSTMand SA-ConvLSTMare employed to extract the temporal feature of PV power and the spatial-temporal feature of satellite cloud images,respectively.Subsequently,a novel hybrid attention mechanism is proposed to identify the interplay between the two modalities,enhancing the capacity to focus on the most relevant features.Finally,theTransformermodel is applied to further capture the short-termtemporal patterns and long-term dependencies within multi-modal feature information.The paper also compares the proposed method with various competitive methods.The experimental results demonstrate that the proposed method outperforms the competitive methods in terms of accuracy and reliability in short-term PV power prediction. 展开更多
关键词 photovoltaic power prediction satellite cloud image LSTM-Transformer attention mechanism
下载PDF
Short-Term Prediction of Photovoltaic Power Based on DBSCAN-SVM Data Cleaning and PSO-LSTM Model
3
作者 Yujin Liu Zhenkai Zhang +3 位作者 Li Ma Yan Jia Weihua Yin Zhifeng Liu 《Energy Engineering》 EI 2024年第10期3019-3035,共17页
Accurate short-termphotovoltaic(PV)power prediction helps to improve the economic efficiency of power stations and is of great significance to the arrangement of grid scheduling plans.In order to improve the accuracy ... Accurate short-termphotovoltaic(PV)power prediction helps to improve the economic efficiency of power stations and is of great significance to the arrangement of grid scheduling plans.In order to improve the accuracy of PV power prediction further,this paper proposes a data cleaning method combining density clustering and support vector machine.It constructs a short-termPVpower predictionmodel based on particle swarmoptimization(PSO)optimized Long Short-Term Memory(LSTM)network.Firstly,the input features are determined using Pearson’s correlation coefficient.The feature information is clustered using density-based spatial clustering of applications withnoise(DBSCAN),and then,the data in each cluster is cleanedusing support vectormachines(SVM).Secondly,the PSO is used to optimize the hyperparameters of the LSTM network to obtain the optimal network structure.Finally,different power prediction models are established,and the PV power generation prediction results are obtained.The results show that the data methods used are effective and that the PSO-LSTM power prediction model based on DBSCAN-SVM data cleaning outperforms existing typical methods,especially under non-sunny days,and that the model effectively improves the accuracy of short-term PV power prediction. 展开更多
关键词 photovoltaic power prediction LSTM network DBSCAN-SVM PSO deep learning
下载PDF
Short-term prediction of photovoltaic power generation based on LMD-EE-ESN with error correction
4
作者 YU Xiangqian LI Zheng 《Journal of Measurement Science and Instrumentation》 CAS CSCD 2024年第3期360-368,共9页
Considering the instability of the output power of photovoltaic(PV)generation system,to improve the power regulation ability of PV power during grid-connected operation,based on the quantitative analysis of meteorolog... Considering the instability of the output power of photovoltaic(PV)generation system,to improve the power regulation ability of PV power during grid-connected operation,based on the quantitative analysis of meteorological conditions,a short-term prediction method of PV power based on LMD-EE-ESN with iterative error correction was proposed.Firstly,through the fuzzy clustering processing of meteorological conditions,taking the power curves of PV power generation in sunny,rainy or snowy,cloudy,and changeable weather as the reference,the local mean decomposition(LMD)was carried out respectively,and their energy entropy(EE)was taken as the meteorological characteristics.Then,the historical generation power series was decomposed by LMD algorithm,and the hierarchical prediction of the power curve was realized by echo state network(ESN)prediction algorithm combined with meteorological characteristics.Finally,the iterative error theory was applied to the correction of power prediction results.The analysis of the historical data in the PV power generation system shows that this method avoids the influence of meteorological conditions in the short-term prediction of PV output power,and improves the accuracy of power prediction on the condition of hierarchical prediction and iterative error correction. 展开更多
关键词 photovoltaic(PV)power generation system short-term forecast local mean decomposition(LMD) energy entropy(EE) echo state network(ESN)
下载PDF
Enhancing photovoltaic power prediction using a CNN-LSTM-attention hybrid model with Bayesian hyperparameter optimization
5
作者 Ning Zhou Bowen Shang +2 位作者 Mingming Xu Lei Peng Yafei Zhang 《Global Energy Interconnection》 EI CSCD 2024年第5期667-681,共15页
Improving the accuracy of solar power forecasting is crucial to ensure grid stability,optimize solar power plant operations,and enhance grid dispatch efficiency.Although hybrid neural network models can effectively ad... Improving the accuracy of solar power forecasting is crucial to ensure grid stability,optimize solar power plant operations,and enhance grid dispatch efficiency.Although hybrid neural network models can effectively address the complexities of environmental data and power prediction uncertainties,challenges such as labor-intensive parameter adjustments and complex optimization processes persist.Thus,this study proposed a novel approach for solar power prediction using a hybrid model(CNN-LSTM-attention)that combines a convolutional neural network(CNN),long short-term memory(LSTM),and attention mechanisms.The model incorporates Bayesian optimization to refine the parameters and enhance the prediction accuracy.To prepare high-quality training data,the solar power data were first preprocessed,including feature selection,data cleaning,imputation,and smoothing.The processed data were then used to train a hybrid model based on the CNN-LSTM-attention architecture,followed by hyperparameter optimization employing Bayesian methods.The experimental results indicated that within acceptable model training times,the CNN-LSTM-attention model outperformed the LSTM,GRU,CNN-LSTM,CNN-LSTM with autoencoders,and parallel CNN-LSTM attention models.Furthermore,following Bayesian optimization,the optimized model demonstrated significantly reduced prediction errors during periods of data volatility compared to the original model,as evidenced by MRE evaluations.This highlights the clear advantage of the optimized model in forecasting fluctuating data. 展开更多
关键词 photovoltaic power prediction CNN-LSTM-Attention Bayesian optimization
下载PDF
Photovoltaic Power Generation Power Prediction under Major Extreme Weather Based on VMD-KELM
6
作者 Yuxuan Zhao Bo Wang +2 位作者 Shu Wang Wenjun Xu Gang Ma 《Energy Engineering》 EI 2024年第12期3711-3733,共23页
The output of photovoltaic power stations is significantly affected by environmental factors,leading to intermittent and fluctuating power generation.With the increasing frequency of extreme weather events due to glob... The output of photovoltaic power stations is significantly affected by environmental factors,leading to intermittent and fluctuating power generation.With the increasing frequency of extreme weather events due to global warming,photovoltaic power stations may experience drastic reductions in power generation or even complete shutdowns during such conditions.The integration of these stations on a large scale into the power grid could potentially pose challenges to systemstability.To address this issue,in this study,we propose a network architecture based on VMDKELMfor predicting the power output of photovoltaic power plants during severe weather events.Initially,a grey relational analysis is conducted to identify key environmental factors influencing photovoltaic power generation.Subsequently,GMM clustering is utilized to classify meteorological data points based on their probabilities within different Gaussian distributions,enabling comprehensive meteorological clustering and extraction of significant extreme weather data.The data are decomposed using VMD to Fourier transform,followed by smoothing processing and signal reconstruction using KELM to forecast photovoltaic power output under major extreme weather conditions.The proposed prediction scheme is validated by establishing three prediction models,and the predicted photovoltaic output under four major extreme weather conditions is analyzed to assess the impact of severe weather on photovoltaic power station output.The experimental results show that the photovoltaic power output under conditions of dust storms,thunderstorms,solid hail precipitation,and snowstorms is reduced by 68.84%,42.70%,61.86%,and 49.92%,respectively,compared to that under clear day conditions.The photovoltaic power prediction accuracies,in descending order,are dust storms,solid hail precipitation,thunderstorms,and snowstorms. 展开更多
关键词 Major extreme weather photovoltaic power prediction weather clustering VMD-KELM network prediction model
下载PDF
Research Progress of Photovoltaic Power Prediction Technology Based on Artificial Intelligence Methods
7
作者 Daixuan Zhou Yujin Liu +2 位作者 Xu Wang Fuxing Wang Yan Jia 《Energy Engineering》 EI 2024年第12期3573-3616,共44页
With the increasing proportion of renewable energy in China’s energy structure,among which photovoltaic power generation is also developing rapidly.As the photovoltaic(PV)power output is highly unstable and subject t... With the increasing proportion of renewable energy in China’s energy structure,among which photovoltaic power generation is also developing rapidly.As the photovoltaic(PV)power output is highly unstable and subject to a variety of factors,it brings great challenges to the stable operation and dispatch of the power grid.Therefore,accurate short-term PV power prediction is of great significance to ensure the safe grid connection of PV energy.Currently,the short-term prediction of PV power has received extensive attention and research,but the accuracy and precision of the prediction have to be further improved.Therefore,this paper reviews the PV power prediction methods from five aspects:influencing factors,evaluation indexes,prediction status,difficulties and future trends.Then summarizes the current difficulties in prediction based on an in-depth analysis of the current research status of physical methods based on the classification ofmodel features,statistical methods,artificial intelligence methods,and combinedmethods of prediction.Finally,the development trend ofPVpower generation prediction technology and possible future research directions are envisioned. 展开更多
关键词 photovoltaic power generation power prediction artificial intelligence algorithm
下载PDF
Research on the IL-Bagging-DHKELM Short-Term Wind Power Prediction Algorithm Based on Error AP Clustering Analysis
8
作者 Jing Gao Mingxuan Ji +1 位作者 Hongjiang Wang Zhongxiao Du 《Computers, Materials & Continua》 SCIE EI 2024年第6期5017-5030,共14页
With the continuous advancement of China’s“peak carbon dioxide emissions and Carbon Neutrality”process,the proportion of wind power is increasing.In the current research,aiming at the problem that the forecasting m... With the continuous advancement of China’s“peak carbon dioxide emissions and Carbon Neutrality”process,the proportion of wind power is increasing.In the current research,aiming at the problem that the forecasting model is outdated due to the continuous updating of wind power data,a short-term wind power forecasting algorithm based on Incremental Learning-Bagging Deep Hybrid Kernel Extreme Learning Machine(IL-Bagging-DHKELM)error affinity propagation cluster analysis is proposed.The algorithm effectively combines deep hybrid kernel extreme learning machine(DHKELM)with incremental learning(IL).Firstly,an initial wind power prediction model is trained using the Bagging-DHKELM model.Secondly,Euclidean morphological distance affinity propagation AP clustering algorithm is used to cluster and analyze the prediction error of wind power obtained from the initial training model.Finally,the correlation between wind power prediction errors and Numerical Weather Prediction(NWP)data is introduced as incremental updates to the initial wind power prediction model.During the incremental learning process,multiple error performance indicators are used to measure the overall model performance,thereby enabling incremental updates of wind power models.Practical examples show the method proposed in this article reduces the root mean square error of the initial model by 1.9 percentage points,indicating that this method can be better adapted to the current scenario of the continuous increase in wind power penetration rate.The accuracy and precision of wind power generation prediction are effectively improved through the method. 展开更多
关键词 short-term wind power prediction deep hybrid kernel extreme learning machine incremental learning error clustering
下载PDF
Two-stage photovoltaic power forecasting method with an optimized transformer
9
作者 Yanhong Ma Feng Li +2 位作者 Hong Zhang Guoli Fu Min Yi 《Global Energy Interconnection》 EI CSCD 2024年第6期812-824,共13页
Accurate photovoltaic(PV)power forecasting ensures the stability and reliability of power systems.To address the complex characteristics of nonlinearity,volatility,and periodicity,a novel two-stage PV forecasting meth... Accurate photovoltaic(PV)power forecasting ensures the stability and reliability of power systems.To address the complex characteristics of nonlinearity,volatility,and periodicity,a novel two-stage PV forecasting method based on an optimized transformer architecture is proposed.In the first stage,an inverted transformer backbone was utilized to consider the multivariate correlation of the PV power series and capture its non-linearity and volatility.ProbSparse attention was introduced to reduce high-memory occupation and solve computational overload issues.In the second stage,a weighted series decomposition module was proposed to extract the periodicity of the PV power series,and the final forecasting results were obtained through additive reconstruction.Experiments on two public datasets showed that the proposed forecasting method has high accuracy,robustness,and computational efficiency.Its RMSE improved by 31.23%compared with that of a traditional transformer,and its MSE improved by 12.57%compared with that of a baseline model. 展开更多
关键词 photovoltaic power prediction Invert transformer backbone ProbSparse attention Weighted series decomposition
下载PDF
Choice of the Best Production Prediction Model for the Zagtouli Solar Power Plant in Burkina-Faso
10
作者 Toussaint Tilado Guingane Eric Korsaga +3 位作者 Mouhamadou Falilou Ndiaye Gaston Nabayaogo Dominique Bonkoungou Zacharie Koalaga 《Engineering(科研)》 2024年第9期237-245,共9页
In this paper, we present a study on the prediction of the power produced by the 33 MWp photovoltaic power plant at Zagtouli in Burkina-Faso, as a function of climatic factors. We identified models in the literature, ... In this paper, we present a study on the prediction of the power produced by the 33 MWp photovoltaic power plant at Zagtouli in Burkina-Faso, as a function of climatic factors. We identified models in the literature, namely the Benchmark, input/output, Marion, Cristo-fri, Kroposki, Jones-Underwood and Hatziargyriou prediction models, which depend exclusively on environmental parameters. We then compared our linear model with these seven mathematical models in order to determine the most optimal prediction model. Our results show that the Hatziargyriou model is better in terms of accuracy for power prediction. 展开更多
关键词 MODEL prediction power power Plant photovoltaic Zagtouli Burkina-Faso
下载PDF
Weather Prediction With Multiclass Support Vector Machines in the Fault Detection of Photovoltaic System 被引量:7
11
作者 Wenying Zhang Huaguang Zhang +3 位作者 Jinhai Liu Kai Li Dongsheng Yang Hui Tian 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2017年第3期520-525,共6页
Since the efficiency of photovoltaic(PV) power is closely related to the weather,many PV enterprises install weather instruments to monitor the working state of the PV power system.With the development of the soft mea... Since the efficiency of photovoltaic(PV) power is closely related to the weather,many PV enterprises install weather instruments to monitor the working state of the PV power system.With the development of the soft measurement technology,the instrumental method seems obsolete and involves high cost.This paper proposes a novel method for predicting the types of weather based on the PV power data and partial meteorological data.By this method,the weather types are deduced by data analysis,instead of weather instrument A better fault detection is obtained by using the support vector machines(SVM) and comparing the predicted and the actual weather.The model of the weather prediction is established by a direct SVM for training multiclass predictors.Although SVM is suitable for classification,the classified results depend on the type of the kernel,the parameters of the kernel,and the soft margin coefficient,which are difficult to choose.In this paper,these parameters are optimized by particle swarm optimization(PSO) algorithm in anticipation of good prediction results can be achieved.Prediction results show that this method is feasible and effective. 展开更多
关键词 Fault detection multiclass support vector machines photovoltaic power system particle swarm optimization(PSO) weather prediction
下载PDF
Gaussian Kernel Based SVR Model for Short-Term Photovoltaic MPP Power Prediction
12
作者 Yasemin Onal 《Computer Systems Science & Engineering》 SCIE EI 2022年第4期141-156,共16页
Predicting the power obtained at the output of the photovoltaic(PV)system is fundamental for the optimum use of the PV system.However,it varies at different times of the day depending on intermittent and nonlinear env... Predicting the power obtained at the output of the photovoltaic(PV)system is fundamental for the optimum use of the PV system.However,it varies at different times of the day depending on intermittent and nonlinear environmen-tal conditions including solar irradiation,temperature and the wind speed,Short-term power prediction is vital in PV systems to reconcile generation and demand in terms of the cost and capacity of the reserve.In this study,a Gaussian kernel based Support Vector Regression(SVR)prediction model using multiple input variables is proposed for estimating the maximum power obtained from using per-turb observation method in the different irradiation and the different temperatures for a short-term in the DC-DC boost converter at the PV system.The performance of the kernel-based prediction model depends on the availability of a suitable ker-nel function that matches the learning objective,since an unsuitable kernel func-tion or hyper parameter tuning results in significantly poor performance.In this study for thefirst time in the literature both maximum power is obtained at max-imum power point and short-term maximum power estimation is made.While evaluating the performance of the suggested model,the PV power data simulated at variable irradiations and variable temperatures for one day in the PV system simulated in MATLAB were used.The maximum power obtained from the simu-lated system at maximum irradiance was 852.6 W.The accuracy and the perfor-mance evaluation of suggested forecasting model were identified utilizing the computing error statistics such as root mean square error(RMSE)and mean square error(MSE)values.MSE and RMSE rates which obtained were 4.5566*10-04 and 0.0213 using ANN model.MSE and RMSE rates which obtained were 13.0000*10-04 and 0.0362 using SWD-FFNN model.Using SVR model,1.1548*10-05 MSE and 0.0034 RMSE rates were obtained.In the short-term maximum power prediction,SVR gave higher prediction performance according to ANN and SWD-FFNN. 展开更多
关键词 Short term power prediction Gaussian kernel support vector regression photovoltaic system
下载PDF
Multi-features fusion for short-term photovoltaic power prediction
13
作者 Ming Ma Xiaorun Tang +4 位作者 Qingquan Lv Jun Shen Baixue Zhu Jinqiang Wang Binbin Yong 《Intelligent and Converged Networks》 EI 2022年第4期311-324,共14页
In recent years,in order to achieve the goal of“carbon peaking and carbon neutralization”,many countries have focused on the development of clean energy,and the prediction of photovoltaic power generation has become... In recent years,in order to achieve the goal of“carbon peaking and carbon neutralization”,many countries have focused on the development of clean energy,and the prediction of photovoltaic power generation has become a hot research topic.However,many traditional methods only use meteorological factors such as temperature and irradiance as the features of photovoltaic power generation,and they rarely consider the multi-features fusion methods for power prediction.This paper first preprocesses abnormal data points and missing values in the data from 18 power stations in Northwest China,and then carries out correlation analysis to screen out 8 meteorological features as the most relevant to power generation.Next,the historical generating power and 8 meteorological features are fused in different ways to construct three types of experimental datasets.Finally,traditional time series prediction methods,such as Recurrent Neural Network(RNN),Convolution Neural Network(CNN)combined with eXtreme Gradient Boosting(XGBoost),are applied to study the impact of different feature fusion methods on power prediction.The results show that the prediction accuracy of Long Short-Term Memory(LSTM),stacked Long Short-Term Memory(stacked LSTM),Bi-directional LSTM(Bi-LSTM),Temporal Convolutional Network(TCN),and XGBoost algorithms can be greatly improved by the method of integrating historical generation power and meteorological features.Therefore,the feature fusion based photovoltaic power prediction method proposed in this paper is of great significance to the development of the photovoltaic power generation industry. 展开更多
关键词 meteorological factors multi-features fusion time series prediction photovoltaic power prediction
原文传递
Analysis and Modeling of Time Output Characteristics for Distributed Photovoltaic and Energy Storage
14
作者 Kaicheng Liu Chen Liang +1 位作者 Xiaoyang Dong Liping Liu 《Energy Engineering》 EI 2024年第4期933-949,共17页
Due to the unpredictable output characteristics of distributed photovoltaics,their integration into the grid can lead to voltage fluctuations within the regional power grid.Therefore,the development of spatial-tempora... Due to the unpredictable output characteristics of distributed photovoltaics,their integration into the grid can lead to voltage fluctuations within the regional power grid.Therefore,the development of spatial-temporal coordination and optimization control methods for distributed photovoltaics and energy storage systems is of utmost importance in various scenarios.This paper approaches the issue from the perspective of spatiotemporal forecasting of distributed photovoltaic(PV)generation and proposes a Temporal Convolutional-Long Short-Term Memory prediction model that combines Temporal Convolutional Networks(TCN)and Long Short-Term Memory(LSTM).To begin with,an analysis of the spatiotemporal distribution patterns of PV generation is conducted,and outlier data is handled using the 3σ rule.Subsequently,a novel approach that combines temporal convolution and LSTM networks is introduced,with TCN extracting spatial features and LSTM capturing temporal features.Finally,a real spatiotemporal dataset from Gansu,China,is established to compare the performance of the proposed network against other models.The results demonstrate that the model presented in this paper exhibits the highest predictive accuracy,with a single-step Mean Absolute Error(MAE)of 1.782 and an average Root Mean Square Error(RMSE)of 3.72 for multi-step predictions. 展开更多
关键词 photovoltaic power generation spatio-temporal prediction temporal convolutional network long short-term memory network
下载PDF
Forecasting Model of Photovoltaic Power Based on KPCA-MCS-DCNN 被引量:1
15
作者 Huizhi Gou Yuncai Ning 《Computer Modeling in Engineering & Sciences》 SCIE EI 2021年第8期803-822,共20页
Accurate photovoltaic(PV)power prediction can effectively help the power sector to make rational energy planning and dispatching decisions,promote PV consumption,make full use of renewable energy and alleviate energy ... Accurate photovoltaic(PV)power prediction can effectively help the power sector to make rational energy planning and dispatching decisions,promote PV consumption,make full use of renewable energy and alleviate energy problems.To address this research objective,this paper proposes a prediction model based on kernel principal component analysis(KPCA),modified cuckoo search algorithm(MCS)and deep convolutional neural networks(DCNN).Firstly,KPCA is utilized to reduce the dimension of the feature,which aims to reduce the redundant input vectors.Then using MCS to optimize the parameters of DCNN.Finally,the photovoltaic power forecasting method of KPCA-MCS-DCNN is established.In order to verify the prediction performance of the proposed model,this paper selects a photovoltaic power station in China for example analysis.The results show that the new hybrid KPCA-MCS-DCNN model has higher prediction accuracy and better robustness. 展开更多
关键词 photovoltaic power prediction kernel principal component analysis modified cuckoo search algorithm deep convolutional neural networks
下载PDF
Gradient boosting dendritic network for ultra-short-term PV power prediction
16
作者 Chunsheng Wang Mutian Li +1 位作者 Yuan Cao Tianhao Lu 《Frontiers in Energy》 CSCD 2024年第6期785-798,共14页
To achieve effective intraday dispatch of photovoltaic(PV)power generation systems,a reliable ultra-shortterm power generation forecasting model is required.Based on a gradient boosting strategy and a dendritic networ... To achieve effective intraday dispatch of photovoltaic(PV)power generation systems,a reliable ultra-shortterm power generation forecasting model is required.Based on a gradient boosting strategy and a dendritic network,this paper proposes a novel ensemble prediction model,named gradient boosting dendritic network(GBDD)model which can reduce the forecast error by learning the relationship between forecast residuals and meteorological factors during the training of sub-models by means of a greedy function approximation.Unlike other machine learning models,the GBDD proposed is able to make fuller use of all meteorological factor data and has a good model interpretation.In addition,based on the structure of GBDD,this paper proposes a strategy that can improve the prediction performance of other types of prediction models.The GBDD is trained by analyzing the relationship between prediction errors and meteorological factors for compensating the prediction results of other prediction models.The experimental results show that the GBDD proposed has the benefit of achieving a higher PV power prediction accuracy for PV power generation and can be used to improve the prediction performance of other prediction models. 展开更多
关键词 photovoltaic(PV)power prediction dendrite network gradient boosting strategy
原文传递
基于RIME-IAOA的混合模型短期光伏功率预测
17
作者 王仁明 魏逸明 席磊 《三峡大学学报(自然科学版)》 CAS 北大核心 2025年第1期81-88,共8页
光伏发电在如今的新能源发展中逐渐成为重点,其中光伏功率预测成为研究的主要方向.为了提升光伏功率预测的精度和效率,提出了RIME-VMD-IAOA-LSTM模型.该模型通过霜冰优化算法(RIME)优化变分模态分解(VMD)的参数来提升分解效率;引入余弦... 光伏发电在如今的新能源发展中逐渐成为重点,其中光伏功率预测成为研究的主要方向.为了提升光伏功率预测的精度和效率,提出了RIME-VMD-IAOA-LSTM模型.该模型通过霜冰优化算法(RIME)优化变分模态分解(VMD)的参数来提升分解效率;引入余弦控制因子的动态边界策略来控制算数优化算法(AOA)数值的增长速率从而提升算法的精度和稳定性;利用自适应T分布变异策略来改进AOA的局部搜索能力和全局开发能力,更好地避免局部最优解.两种智能优化算法的加入使得整体模型的预测效率和速度都有很大提升,实验结果表明组合模型RIMEVMD-IAOA-LSTM相比于其他预测模型有较高的光伏功率预测精度. 展开更多
关键词 霜冰优化算法 变分模态分解 算术优化算法 余弦控制因子策略 自适应T分布策略 短期光伏功率预测
下载PDF
考虑季节特性与数据窗口的短期光伏功率预测组合模型
18
作者 张静 熊国江 《电力工程技术》 北大核心 2025年第1期183-192,共10页
光伏功率的间歇性和随机性因季节变化呈现出不同的特点,考虑季节特性对提高光伏功率预测精度具有重要意义。因此,文中提出一种考虑季节特性和数据窗口的短期光伏功率预测组合模型。首先,通过皮尔逊相关系数法确定对光伏功率贡献度高的... 光伏功率的间歇性和随机性因季节变化呈现出不同的特点,考虑季节特性对提高光伏功率预测精度具有重要意义。因此,文中提出一种考虑季节特性和数据窗口的短期光伏功率预测组合模型。首先,通过皮尔逊相关系数法确定对光伏功率贡献度高的气象因素,降低预测模型的输入特征维数。其次,对比不同季节下不同模型的光伏功率预测精度,选择光伏功率预测误差最小且相关性最低的2个模型构建组合模型,即门控循环单元(gated recurrent unit,GRU)模型和极限梯度提升(extreme gradient boosting,XGboost)模型。然后,分析历史气象数据中不同输入窗口对GRU-XGboost模型预测精度的影响,确定最优数据窗口。最后,在此基础上分别采用GRU和XGboost对光伏功率进行预测,将2个预测结果加权组合得到最终预测结果。结果表明,与其他模型相比,所提模型具有更强的适应性和更高的预测精度。 展开更多
关键词 短期光伏功率预测 季节特性 数据窗口 门控循环单元(GRU) 极限梯度提升(XGboost) 组合模型
下载PDF
Digital Twin Empowered PV Power Prediction
19
作者 Xiaoyu Zhang Yushuai Li +3 位作者 Tianyi Li Yonghao Gui Qiuye Sun David Wenzhong Gao 《Journal of Modern Power Systems and Clean Energy》 SCIE EI CSCD 2024年第5期1472-1483,共12页
The accurate prediction of photovoltaic(PV)power generation is significant to ensure the economic and safe operation of power systems.To this end,the paper establishes a new digital twin(DT)empowered PV power predicti... The accurate prediction of photovoltaic(PV)power generation is significant to ensure the economic and safe operation of power systems.To this end,the paper establishes a new digital twin(DT)empowered PV power prediction framework that is capable of ensuring reliable data transmission and employing the DT to achieve high accuracy of power prediction.With this framework,considering potential data contamination in the collected PV data,a generative adversarial network is employed to restore the historical dataset,which offers a prerequisite to ensure accurate mapping from the physical space to the digital space.Further,a new DT-empowered PV power prediction method is proposed.Therein,we model a DT that encompasses a digital physical model for reflecting the physical operation mechanism and a neural network model(i.e.,a parallel network of convolution and bidirectional long short-term memory model)for capturing the hidden spatiotemporal features.The proposed method enables the use of the DT to take advantages of the digital physical model and the neural network model,resulting in enhanced prediction accuracy.Finally,a real dataset is conducted to assess the effectiveness of the proposed method. 展开更多
关键词 photovoltaic power prediction digital twin hybrid prediction data recovery
原文传递
基于光伏发电的电网稳定性控制及其优化策略研究
20
作者 王淅琛 《通信电源技术》 2025年第1期80-82,共3页
在可再生能源快速发展的背景下,光伏发电作为其中的重要组成部分,在电网中的占比越来越高。但从光伏发电自身特征看,其间歇性和不确定性给电网稳定运行带来极大挑战。鉴于此,针对光伏发电并网对电网稳定性的影响,提出相关控制策略和优... 在可再生能源快速发展的背景下,光伏发电作为其中的重要组成部分,在电网中的占比越来越高。但从光伏发电自身特征看,其间歇性和不确定性给电网稳定运行带来极大挑战。鉴于此,针对光伏发电并网对电网稳定性的影响,提出相关控制策略和优化方法。从研究内容上看,首先分析光伏发电并网对电网稳定性的影响机制,其次基于预测控制相关模型,提出电网稳定性控制策略,最后基于优化算法调控光伏发电系统的正常运行,以提升电网系统稳定性和光伏发电的利用率。 展开更多
关键词 光伏发电 电网稳定性 预测控制 优化策略 并网
下载PDF
上一页 1 2 32 下一页 到第
使用帮助 返回顶部