Advancements and Challenges in Photovoltaic Power Forecasting: A Comprehensive Review
Abstract
:1. Introduction
2. Taxonomy
2.1. Temporal Horizon Classification
2.2. Model Architecture Classification
2.2.1. Physical Models
- Clear sky models: These models estimate the maximum achievable PV power under perfect cloudless conditions through a combination of astronomical calculations and atmospheric measurements.
- Decomposition models: These models decompose Sun irradiance into direct and diffuse fractions for better PV performance forecasting across diverse sky scenarios.
- Semi-empirical models: These models use physical equations combined with empirically obtained coefficients to generate predictions of PV power output from selected environmental factors.
2.2.2. Data-Driven Models
- Physical approaches: These models implement physical equations to convert solar irradiance data into predictions of produced electricity. Typical input sources include numerical weather predictions (NWPs), satellite images, and data from meteorological stations [5].
- Statistical approaches: These models build correlations between input parameters and the output based on concepts such as persistence and time series. They encompass traditional statistical methods (time series and regression) and artificial intelligence models, such as neural networks, LSTM, and SVM [5].
- Hybrid approaches: These models are an amalgamation of physical correlations and statistical techniques to improve forecasting accuracy. They generally use technical parameters of PV panels estimated from historical data [5].
- Regression models: Regression models are used to find the linear or nonlinear relations between PV power output and explanatory variables such as solar irradiance, temperature, and time of day [14].
- Time-series models: These models establish temporal dependencies in PV power generation data, using methods such as autoregressive integrated moving average (ARIMA), seasonal ARIMA (SARIMA), and exponential smoothing [6].
- Artificial neural networks (ANNs): These networks consist of interconnected nodes capable of learning nonlinear relationships among input variables and PV power [17].
- Support vector machines (SVMs): The aim of an SVM is to find the optimal hyperplane that separates PV power output classes or predicts continuous output values [6].
- Ensemble models: These models combine several distinct forecasting models, like decision trees or ANNs, to boost predictive accuracy and robustness [7].
- Deep learning models: These models introduce extensions to ANN-wise deep architectures, such as convolutional neural networks (CNNs) and long short-term memory (LSTM) networks, to capture buried hierarchical and temporal patterns in PV power data [5].
2.2.3. Hybrid Models
2.3. Selection Framework Based on Application Context
3. State-of-the-Art Forecasting Techniques
3.1. Statistical Measures for Forecast Accuracy
- Mean Absolute Error (MAE): This describes the average absolute difference between the predicted and observed result. It states how good or bad the forecast really is [5,10]. It is expressed as follows:
- Mean Absolute Percentage Error (MAPE): This expresses the forecast error as a percentage of the observed values and is considered a dimension-free measure of accuracy [5,6,14]. It is expressed as follows:It is possible to compare the performances of the models for different PV systems and powers; however, this error metric might assume high values when the observed power is low.
- Normalized Root Mean Square Error (NRMSE): This is a quadratic scoring rule that provides an average magnitude for the forecast errors that is normalized with respect to the amplitude of the dataset [5,6,10,14]. It can be expressed as follows:Improving upon model NRMSE should be focused on outlier analysis, as NRMSE is well-known to be very sensitive to outliers.
3.2. Artificial Neural Networks (ANNs)
- Deep learning architecture: Cleaner and better performance over shallow architectures is manifested by deep neural networks (DNNs) containing multiple hidden layers. Notably, convolutional neural networks (CNNs) and LSTM networks have efficiently captured spatial and temporal dependencies, respectively [5].
- Hybrid ANN models: Enhanced accuracy and robustness result from hybridizing ANNs with other techniques, such as wavelet transforms or evolutionary algorithms [14,33]. Taking as an example wavelet-based feature extraction in combination with ANNs, these methods have shown superiority over others in handling non-stationary PV power data [7].
- Bayesian neural networks: The integration of Bayesian inference into ANNs through statistical means allows these networks to produce uncertainty measurements, together with probabilistic forecasts useful for energy-trading risk evaluations [9].
3.3. Support Vector Machines (SVMs)
- Kernel selection: The selection of kernel function makes a huge difference in SVM performance. PV power forecasting is generally carried out using a Gaussian radial basis function (RBF) and polynomial kernels [14]. Recently, improved results have been obtained with custom kernels built for specific data characteristics [10].
- Feature selection: For SVM performance, it is important to choose the most relevant input features. Feature subsets have been optimized for SVM-based PV power forecasting using techniques like recursive feature elimination (RFE) and genetic algorithms (GAs).
- Ensemble SVMs: The integration of several SVM models using bagging, boosting, or stacking techniques has shown improved accuracy and robustness over individual SVM models [14].
3.4. Ensemble and Hybrid Approaches
- Homogeneous ensembles: These types of ensembles combine various models of the same type (like bagging, boosting, or stacking of decision trees and ANNs). Homogenous ensembles are commonly used; however, examples like random forest (RF) and gradient boosting machines (GBM) are popular [5].
- Heterogeneous ensembles: These ensembles include models varied such as by merging physical models with data-driven approaches or mixing statistical and machine learning techniques [5]. The diversity of the individual models helps capture complementary information and improve overall forecasting performance [6].
- Physical–statistical hybrid models: These models employ physical equations to model the deterministic components of PV power output and statistical techniques to take into account stochastic variations [5]. The combination of domain knowledge and data-driven learning often leads to improved accuracy and interpretability [10].
- Wavelet-based hybrid models: In this approach, wavelet transforms are used to decompose the PV power time series into different frequency components [7]. Separate models are then used to forecast each frequency component, and finally, the predictions are aggregated to obtain the final prediction [40]. This approach helps to capture multiscale patterns and enhances forecasting performance [6].
- Evolutionary–neural hybrid models: Evolutionary algorithms, like genetic algorithms (GAs) or particle swarm optimization (PSO), are used to optimize the hyperparameters or structure of neural net models [14]. This hybrid strategy combines the comprehensive search feature of evolutionary algorithms with the learning capability of neural networks [5].
3.5. Comparative Analysis of Model Performance
4. Model Optimization Strategies
4.1. Hyperparameter Tuning
- Grid search: This exhaustive search method evaluates the model’s performance for all possible combinations of hyperparameter values within a predefined range [6]. While grid search is straightforward to implement, it can be computationally expensive, especially for models with a large number of hyperparameters [5].
- Random search: Random search is an exhaustive search that assesses the model’s accuracy for every combination of possible hyperparameter values outlined under a specified range [6]. Although it is simple to implement, grid search can be quite slow for models with many hyperparameters [5]. Research has also shown random search to be more efficient than grid search in medium- to high-dimensional hyperparameter search spaces [10].
- Bayesian optimization: This sequential model-based optimization approach starts by building a (probabilistic) model of the objective function (e.g., forecast accuracy), then uses this model to select the hyperparameter values to evaluate next [7]. It allows for a probabilistic approach to the parameter search and has been proven to be more efficient and effective than grid search and random search.
- Genetic algorithms (GAs): GA-based hyperparameter tuning treats the optimization problem as a process of evolutionary optimization whereby a population of candidate hyperparameter settings evolves through generations via selection, crossover, and mutation operations [14]. The GA approach has been shown to be effective in finding near-optimal hyperparameter configurations for PV power forecasting models [5].
- LSTM-WGAN: A data imputation technique using a Wasserstein Generative Adversarial Network (WGAN) and Long Short-Term Memory (LSTM) was developed to mitigate the difficulties stemming from inadequate prediction results due to missing data in PV power records. This method introduces a data-driven GAN framework with quasi-convex characteristics to ensure the smoothness of the imputed data with the existing data and employs a gradient penalty mechanism and a single-batch, multi-iteration strategy for stable training [41].
4.2. Feature Selection
- Filter methods: These methods assess the relevance of each feature independently of the learning algorithm. The relevance is usually checked using statistical measures such as correlation, mutual information, or chi-squared tests. Features are ranked based on their individual relevance scores, and the top-ranked features are selected for model training [5].
- Wrapper methods: These methods assess the quality of various subsets of features using the learning algorithm itself as part of the process of selection [14]. Examples include the use of recursive feature elimination (RFE) and genetic algorithms (GAs) for feature subset search. Wrapper methods usually out-perform filter methods but are computationally quite expensive [7].
- Embedded methods: These methods use feature selection during the model-fitting process by taking advantage of the inherent feature importance metrics in the learning algorithm [10]. Regularization techniques such as L1 (Lasso) and L2 (Ridge) regularization can provide some form of encouragement to model sparse feature representations, thereby allowing them to identify the most relevant features [5].
- Temporal feature extraction: Derived features such as moving averages, lag values, and rolling statistics can capture short-term and long-term temporal dependencies in the PV power time series [6].
- Spatial feature extraction: Techniques such as principal component analysis (PCA) and wavelet transform can be used to extract spatial patterns and multi-resolution information from the input features [7].
- Domain-specific feature generation: Incorporating expert knowledge and a physical understanding of the PV system can help create meaningful features, such as the clearness index, which captures the ratio of actual solar irradiance to the theoretical maximum [10].
4.3. Evolutionary and Swarm Intelligence Algorithms
- Feature selection: GAs and PSO have been used to successfully select the most crucial set of input features for PV power forecasting models, which reduces computational requirements and enhances the understanding of results [7].
- Hyperparameter tuning: DE, PSO, and ABC have been employed to search for the optimal hyperparameter settings of various forecasting models, such as ANNs, SVMs, and random forests, resulting in improved predictive performance [5].
- Model structure optimization: GAs and ACO have enabled researchers to discover efficient model architectures by means of optimizing both neural network structures and the patterns of network connections [5].
- Ensemble model generation: DE and ABC have been utilized to generate diverse and complementary forecasting models, combined in a robust ensemble prediction [6].
4.4. Hybrid Optimization Frameworks
- GA-ANN hybrid: A GA is used in this framework to achieve the structural optimization and hyperparameter optimization of an ANN model. Conventional gradient-based methods are applied to train the ANN model. The ANN parameters are finely tuned by gradient methods, while the GA is able to search the immense search space of model configurations [14].
- PSO-SVM hybrid: This system enables the use of PSO to identify optimal SVM model hyperparameters, including the kernel function, regularization parameter, and kernel parameters. The global search feature of PSO enables the identification of optimal hyperparameter settings that lead to accurate PV power predictions when trained over an SVM model [5].
- DE–Ensemble hybrid: This framework produces different base forecasting models through DE optimization, while ensemble techniques such as stacked or weighted averaging determine the model selection according to [7]. By using the DE algorithm, users can optimize the ensemble weights or stacking model to achieve a minimum ensemble error [6].
- ACO–Fuzzy hybrid: This framework integrates ant colony optimization with fuzzy logic systems for PV power forecasting [14]. ACO facilitates the optimization of fuzzy model parameters by finding the most suitable membership functions and rule structures, and the fuzzy system delivers understandable forecasting results.
5. Performance Evaluation Metrics and Frameworks
5.1. Evaluation Under Different Weather Conditions
- Partially cloudy conditions: Partially cloudy conditions introduce significant variability in solar irradiance, leading to rapid fluctuations in PV power output [7]. Under these evaluation conditions, analysts can measure forecasting models’ success in representing cloud transit dynamics and power system instability [10].
- Variable sky conditions: Sunlight spikes caused by “broken clouds” could lead to major positive and negative fluctuations in the irradiance pattern measured at the PV site location. Assessment of how these variable sky conditions affect PV energy generation is important in increasing forecast accuracy and understanding the uncertainties involved [45].
5.2. Benchmarking and Model Comparison Strategies
- Benchmark datasets: The development and distribution of publicly accessible benchmark datasets are essential for PV power forecasting progress and model determination [5]. These datasets should cover a variety of configurations of PV systems from different geographical regions with different weather conditions to accurately evaluate how generalizable the models are. For instance, ref. [4] assessed the global horizontal irradiance (GHI) of four global reanalysis datasets—MERRA-2, ERA5, ERA5-Land, and CFSv2—in a comparison applied across 35 observation stations scattered throughout Brazil and ground-based measurements to determine their aptitude for the representation of hourly GHI. Such studies provide valuable insights into the suitability of different data sources for PV power forecasting in regions with limited observational time-series measurements.
- Evaluation metrics: Standardizing the evaluation metrics used for model comparison is essential for ensuring that results are comparable and meaningful with regards to performance assessment [14]. These should include the statistical measures discussed in Section 3.1 (NRMSE, MAE, and MAPE), along with domain-specific measures like forecast skill [7].
- Cross-validation: Employing cross-validation techniques, such as k-fold or leave-one-out cross-validation, helps assess the model’s performance on unseen data and reduces the risk of overfitting [6]. Through sequential training and testing partitions of the data with cross-validation techniques, we can achieve better estimates of a model’s generalization ability [5].
- Statistical significance tests: Conducting statistical significance tests, such as t-tests or Wilcoxon signed-rank tests, is important to determine whether the performance differences between models are statistically significant or merely due to chance [10]. Such tests provide a rigorous basis through which models can be compared and ranked [14].
- Model complexity and interpretability: The alignment of model complexity with interpretability needs to be evaluated jointly with predictive performance for practical utilization purposes [7]. We should prefer less complex models with better interpretability over more complex models, even when these simpler choices allocate slightly fewer accurate predictions [6].
5.3. Operational and Economic Impact Assessment
- Grid stability: Precise PV power predictions support grid operators in maintaining the power supply–demand equilibrium, thereby minimizing system instability that causes blackouts [5]. For PV power generation variability prediction operators must take charge of other generation resources dispatch to maintain grid stability [10].
- Reserve capacity requirements: Accurate PV power forecasting enables grid operators to reach the best possible decisions about reserve capacity deployment because unexpected renewable energy generation changes need compensation [14]. The accuracy of PV power forecasts helps to both decrease the system’s operational expenses and enhance its productivity [7].
- Curtailment reduction: When the power grid experiences limits on its capacity to accept PV-system electricity outputs, power generation curtailment occurs [6]. Grid operators who predict PV power with accuracy develop proactive measures against curtailment events through generator dispatch adjustments or demand response program implementation [5].
- Module lifespan prediction: Long-term reliability tests for high-power-density PV modules have shown that standard tests, like IEC 61215, may not adequately assess the long-term reliability of these modules. A new combined stress-test concept, which includes light-combined damp heat cycles, was introduced to better predict the rate of degradation and the service life of PV modules based on latent heat analysis [47].
- Energy market participation: Accurate forecasts of PV power enable PV system owners and operators to effectively participate in energy markets (day-ahead and real-time markets) [10]. By providing reliable estimates of their expected power output, PV system owners can optimize their bidding strategies and, thus, maximize their revenues [14].
- Reduced imbalance costs: In many electricity markets, generators are penalized for deviations between their scheduled and actual power output [7]. If their actual generation differs substantially from their forecast values, PV system owners could face substantial imbalance costs [6]. Accurate PV power forecasts help minimize these imbalance costs by reducing the mismatch between predicted and actual generation [5].
- Investment planning: The forecasting models of PV power systems serve as fundamental elements for the establishment of strong investment decisions in PV project development [10]. Providing reliable estimates of expected power output over the lifetime of a project should enable an investor to assess the financial viability of PV installations and make proper decisions on capacity expansions and technology upgrades [14].
6. Recent Innovations in Photovoltaic Power Forecasting
6.1. Advanced Machine Learning and Deep Learning Techniques
6.2. Integration of Diverse Data Sources
6.3. Metaheuristic Optimization Algorithms
6.4. Real-Time and On-Demand Forecasting Applications
7. Challenges and Future Opportunities
7.1. Variability and Uncertainty in Solar Power Generation
7.2. Integration with Grid Operations
7.3. Data Quality and Availability
7.4. Model Complexity and Computational Requirements
7.5. Adaptability to Changing Conditions
7.6. Future Research Directions
- Enhanced Data Integration: The integration of multiple data sources, including satellite images, sky images, and NWP data, can give researchers an expanded perspective to study PV power generation factors. Using data from various sources to build forecasts results in the increased accuracy and reliability of estimates [50].
- Advanced Optimization Techniques: Metaheuristic optimization algorithms like PSO, GAs, and DE can improve the internal configurations of forecasting models, enhancing model performance [14].
- Real-Time and Scalable Solutions: Solutions such as cloud-based platforms can offer real-time, scalable forecasting tools, leading to the large-scale availability of PV power forecasts for many end users, given that they are made freely accessible [50].
- Adaptive Learning Models: The implementation of adaptive learning models, which may effectuate dynamic learning through access to new data and rapid changes in conditions, is essential in achieving high prediction accuracy [10].
8. Conclusions
Author Contributions
Funding
Conflicts of Interest
Abbreviations
ANN | Artificial Neural Network |
ARIMA | AutoRegressive Integrated Moving Average |
CNN | Convolutional Neural Network |
DE | Differential Evolution |
DL | Deep Learning |
EP | Evolutionary Programming |
GA | Genetic Algorithm |
GRU | Gated Recurrent Unit |
LSTM | Long Short-Term Memory |
MAE | Mean Absolute Error |
MAPE | Mean Absolute Percentage Error |
ML | Machine Learning |
NWP | Numerical Weather Prediction |
PSO | Particle Swarm Optimization |
PV | Photovoltaic |
R² | Coefficient of Determination |
RF | Random Forest |
NRMSE | Normalized Root Mean Square Error |
RNN | Recurrent Neural Network |
SARIMA | Seasonal Autoregressive Integrated Moving Average |
SVM | Support Vector Machine |
SVR | Support Vector Regression |
WGAN | Wasserstein Generative Adversarial Network |
References
- Bizzarri, F.; Nitti, S.; Malgaroli, G. The use of drones in the maintenance of photovoltaic fields. E3S Web Conf. 2019, 119, 00021. [Google Scholar] [CrossRef]
- Spertino, F.; Chiodo, E.; Ciocia, A.; Malgaroli, G.; Ratclif, A. Maintenance Activity, Reliability Analysis and Related Energy Losses in Five Operating Photovoltaic Plants. In Proceedings of the 2019 IEEE International Conference on Environment and Electrical Engineering and 2019 IEEE Industrial and Commercial Power Systems Europe (EEEIC/I&CPS Europe), Genova, Italy, 11–14 June 2019. [Google Scholar] [CrossRef]
- IEA PVPS. Trends in Photovoltaic Applications 2024: Survey Report of Selected IEA Countries between 1992 and 2023; Report IEA-PVPS T1-43:2024, IEA PVPS Task 1; IEA PVPS: Paris, France, 2024. [Google Scholar]
- Araujo, M.; Aguilar, S.; Souza, R.; Cyrino Oliveira, F. Global Horizontal Irradiance in Brazil: A Comparative Study of Reanalysis Datasets with Ground-Based Data. Energies 2024, 17, 5063. [Google Scholar] [CrossRef]
- Al-Dahidi, S.; Madhiarasan, M.; Al-Ghussain, L.; Abubaker, A.; Ahmad, A.; Alrbai, M.; Aghaei, M.; Alahmer, H.; Alahmer, A.; Baraldi, P.; et al. Forecasting Solar Photovoltaic Power Production: A Comprehensive Review and Innovative Data-Driven Modeling Framework. Energies 2024, 17, 4145. [Google Scholar] [CrossRef]
- Iheanetu, K. Solar Photovoltaic Power Forecasting: A Review. Sustainability 2022, 14, 17005. [Google Scholar] [CrossRef]
- Akhter, M.; Mekhilef, S.; Mokhlis, H.; Shah, N. Review on Forecasting of Photovoltaic Power Generation Based on Machine Learning and Metaheuristic Techniques. IET Renew. Power Gener. 2019, 13, 1009–1023. [Google Scholar] [CrossRef]
- Wolff, B.; Kuehnert, J.; Lorenz, E.; Kramer, O.; Heinemann, D. Comparing support vector regression for PV power forecasting to a physical modeling approach using measurement, numerical weather prediction, and cloud motion data. Sol. Energy 2016, 135, 197–208. [Google Scholar] [CrossRef]
- Lateko, A.; Yang, H.T.; Huang, C.M. Short-Term PV Power Forecasting Using a Regression-Based Ensemble Method. Energies 2022, 15, 4171. [Google Scholar] [CrossRef]
- Amiri, A.; Chouder, A.; Oudira, H.; Silvestre, S.; Kichou, S. Improving Photovoltaic Power Prediction: Insights through Computational Modeling and Feature Selection. Energies 2024, 17, 3078. [Google Scholar] [CrossRef]
- Zeng, Y.; Jiang, S.; Konstantinou, G.; Pou, J.; Zou, G.; Zhang, X. Multi-Objective Controller Design for Grid-Following Converters With Easy Transfer Reinforcement Learning. IEEE Trans. Power Electron. 2025, 1–12. [Google Scholar] [CrossRef]
- Zeng, Y.; Xiao, Z.; Liu, Q.; Liang, G.; Rodriguez, E.; Zou, G.; Zhang, X.; Pou, J. Physics-Informed Deep Transfer Reinforcement Learning Method for the Input-Series Output-Parallel Dual Active Bridge-Based Auxiliary Power Modules in Electrical Aircraft. IEEE Trans. Transp. Electrif. 2025, 11, 6629–6639. [Google Scholar] [CrossRef]
- Chicco, G.; Cocina, V.; Di Leo, P.; Spertino, F.; Massi Pavan, A. Error Assessment of Solar Irradiance Forecasts and AC Power from Energy Conversion Model in Grid-Connected Photovoltaic Systems. Energies 2016, 9, 8. [Google Scholar] [CrossRef]
- Das, U.; Tey, K.; Seyedmahmoudian, M.; Mekhilef, S.; Idris, M.; Van Deventer, W.; Horan, B.; Stojcevski, A. Forecasting of photovoltaic power generation and model optimization: A review. Renew. Sustain. Energy Rev. 2018, 81, 912–928. [Google Scholar] [CrossRef]
- Saigustia, C.; Pijarski, P. Time Series Analysis and Forecasting of Solar Generation in Spain Using eXtreme Gradient Boosting: A Machine Learning Approach. Energies 2023, 16, 7618. [Google Scholar] [CrossRef]
- Tsai, W.C.; Tu, C.S.; Hong, C.M.; Lin, W.M. A Review of State-of-the-Art and Short-Term Forecasting Models for Solar PV Power Generation. Energies 2023, 16, 5436. [Google Scholar] [CrossRef]
- Cantillo-Luna, S.; Moreno-Chuquen, R.; Celeita, D.; Anders, G. Deep and Machine Learning Models to Forecast Photovoltaic Power Generation. Energies 2023, 16, 4097. [Google Scholar] [CrossRef]
- Alrashidi, M.; Rahman, S. Short-term photovoltaic power production forecasting based on novel hybrid data-driven models. J. Big Data 2023, 10, 26. [Google Scholar] [CrossRef]
- Tercha, W.; Zahraoui, Y.; Mekhilef, S.; Korõtko, T.; Rosin, A. A Hybrid Model ANN-LSTM Architecture for PV Power Forecasting: A Review and Implementation. In Technological and Innovative Progress in Renewable Energy Systems: Proceedings of the 2024 International Renewable Energy Days (IREN Days’2024), Algiers, Algeria, 28–30 May 2024; Guerri, O., Arab, A.H., Imessad, K., Eds.; Springer Nature: Cham, Switzerland, 2025; pp. 43–47. [Google Scholar] [CrossRef]
- Rahimi, N.; Park, S.; Choi, W.; Oh, B.; Kim, S.; Cho, Y.; Cho, Y.; Ahn, S.; Chong, C.; Kim, D.; et al. A Comprehensive Review on Ensemble Solar Power Forecasting Algorithms. J. Electr. Eng. Technol. 2023, 18, 719–733. [Google Scholar] [CrossRef] [PubMed]
- AlKandari, M.; Ahmad, I. Solar power generation forecasting using ensemble approach based on deep learning and statistical methods. Appl. Comput. Inform. 2024, 20, 231–250. [Google Scholar] [CrossRef]
- Flesch, M.V.; de Bragança Pereira, C.A.; Saraiva, E.F. A Bayesian Approach for Modeling and Forecasting Solar Photovoltaic Power Generation. Entropy 2024, 26, 824. [Google Scholar] [CrossRef]
- Islam, M.S.S.; Ghosh, P.; Faruque, M.O.; Islam, M.R.; Hossain, M.A.; Alam, M.S.; Islam Sheikh, M.R. Optimizing Short-Term Photovoltaic Power Forecasting: A Novel Approach with Gaussian Process Regression and Bayesian Hyperparameter Tuning. Processes 2024, 12, 546. [Google Scholar] [CrossRef]
- Dormido-Canto, S.; Rohland, J.; López, M.; Garcia, G.; Fabregas, E.; Farias, G. Enhancing Photovoltaic Power Predictions with Deep Physical Chain Model. Algorithms 2024, 17, 445. [Google Scholar] [CrossRef]
- Oliveira, R.; Borges, C.L.T. A comparison of photovoltaic models for estimating power generation: A case study of Brazilian data. Clean Technol. Environ. Policy 2021, 23, 517–530. [Google Scholar] [CrossRef]
- Garniwa, P.M.P.; Ramadhan, R.A.A.; Lee, H.J. Application of Semi-Empirical Models Based on Satellite Images for Estimating Solar Irradiance in Korea. Appl. Sci. 2021, 11, 3445. [Google Scholar] [CrossRef]
- Yu, J.; Li, X.; Yang, L.; Li, L.; Huang, Z.; Shen, K.; Yang, X.; Yang, X.; Xu, Z.; Zhang, D.; et al. Deep Learning Models for PV Power Forecasting: Review. Energies 2024, 17, 3973. [Google Scholar] [CrossRef]
- Salman, D.; Direkoglu, C.; Kusaf, M.; Fahrioglu, M. Hybrid deep learning models for time series forecasting of solar power. Neural Comput. Appl. 2024, 36, 9095–9112. [Google Scholar] [CrossRef]
- Simeunović, J.; Schubnel, B.; Alet, P.J.; Carrillo, R.E. Spatio-Temporal Graph Neural Networks for Multi-Site PV Power Forecasting. IEEE Trans. Sustain. Energy 2022, 13, 1210–1220. [Google Scholar] [CrossRef]
- Tang, W.; Huang, K.; Qian, T.; Li, W.; Xie, X. Spatio-temporal prediction of photovoltaic power based on a broad learning system and an improved backtracking search optimization algorithm. Front. Energy Res. 2024, 12, 1343220. [Google Scholar] [CrossRef]
- Wang, M.; Ma, X.; Wang, R.; Kari, T.; Tang, Z. Short-term photovoltaic power prediction model based on hierarchical clustering of K-means++ algorithm and deep learning hybrid model. J. Renew. Sustain. Energy 2024, 16, 026102. [Google Scholar] [CrossRef]
- Wu, G.; Wang, Y.; Zhou, Q.; Zhang, Z. Enhanced Photovoltaic Power Forecasting: An iTransformer and LSTM-Based Model Integrating Temporal and Covariate Interactions. arXiv 2024, arXiv:2412.02302. [Google Scholar] [CrossRef]
- Oh, J.; So, D.; Jo, J.; Kang, N.; Hwang, E.; Moon, J. Two-Stage Neural Network Optimization for Robust Solar Photovoltaic Forecasting. Electronics 2024, 13, 1659. [Google Scholar] [CrossRef]
- Huang, C.; Cao, L.; Peng, N.; Li, S.; Zhang, J.; Wang, L.; Luo, X.; Wang, J.H. Day-Ahead Forecasting of Hourly Photovoltaic Power Based on Robust Multilayer Perception. Sustainability 2018, 10, 4863. [Google Scholar] [CrossRef]
- Lim, S.C.; Huh, J.H.; Hong, S.H.; Park, C.Y.; Kim, J.C. Solar Power Forecasting Using CNN-LSTM Hybrid Model. Energies 2022, 15, 8233. [Google Scholar] [CrossRef]
- Sayed, M.; Gharghory, S.; Kamal, H. A hybrid model of CNN and LSTM autoencoder-based short-term PV power generation forecasting. Electr. Eng. 2024, 106, 4239–4255. [Google Scholar] [CrossRef]
- Wentz, V.H.; Maciel, J.N.; Gimenez Ledesma, J.J.; Ando Junior, O.H. Solar Irradiance Forecasting to Short-Term PV Power: Accuracy Comparison of ANN and LSTM Models. Energies 2022, 15, 2457. [Google Scholar] [CrossRef]
- Zhu, H.; Li, X.; Sun, Q.; Nie, L.; Yao, J.; Zhao, G. A Power Prediction Method for Photovoltaic Power Plant Based on Wavelet Decomposition and Artificial Neural Networks. Energies 2016, 9, 11. [Google Scholar] [CrossRef]
- Shao, D.; Xu, Y.; Ma, S.; Jing, Y.; Sun, W.; Zhou, T.; Yang, J. Transient Stability Assessment Method for Power System Based on SVM with Adaptive Parameters Adjustment. In Proceedings of the 2021 IEEE 4th International Electrical and Energy Conference (CIEEC), Wuhan, China, 28–30 May 2021; pp. 1–6. [Google Scholar] [CrossRef]
- Xu, W.; Li, D.; Dai, W.; Wu, Q. Informer Short-Term PV Power Prediction Based on Sparrow Search Algorithm Optimised Variational Mode Decomposition. Energies 2024, 17, 2984. [Google Scholar] [CrossRef]
- Liu, Z.; Xuan, L.; Gong, D.; Xie, X.; Zhou, D. A Long Short-Term Memory–Wasserstein Generative Adversarial Network-Based Data Imputation Method for Photovoltaic Power Output Prediction. Energies 2025, 18, 399. [Google Scholar] [CrossRef]
- Raudys, A.; Gaidukevičius, J. Forecasting Solar Energy Generation and Household Energy Usage for Efficient Utilisation. Energies 2024, 17, 1256. [Google Scholar] [CrossRef]
- Yem Souhe, F.G.; Mbey, C.F.; Foba Kakeu, V.J.; Meyo, A.; Boum, A.T. Optimized forecasting of photovoltaic power generation using hybrid deep learning model based on GRU and SVM. Electr. Eng. 2024, 106, 7879–7898. [Google Scholar] [CrossRef]
- Bansal, J.C.; Singh, P.K.; Pal, N.R. (Eds.) Evolutionary and Swarm Intelligence Algorithms; Springer: Cham, Switzerland, 2019. [Google Scholar] [CrossRef]
- Chicco, G.; Cocina, V.; Di Leo, P.; Spertino, F. Weather forecast-based power predictions and experimental results from photovoltaic systems. In Proceedings of the 2014 International Symposium on Power Electronics, Electrical Drives, Automation and Motion, Ischia, Italy, 18–20 June 2014; pp. 342–346. [Google Scholar] [CrossRef]
- Nie, Y.; Li, X.; Scott, A.; Sun, Y.; Venugopal, V.; Brandt, A. SKIPP’D: A SKy Images and Photovoltaic Power Generation Dataset for short-term solar forecasting. Sol. Energy 2023, 255, 171–179. [Google Scholar] [CrossRef]
- Nam, W.; Choi, J.; Kim, G.; Hyun, J.; Ahn, H.; Park, N. Predicting Photovoltaic Module Lifespan Based on Combined Stress Tests and Latent Heat Analysis. Energies 2025, 18, 304. [Google Scholar] [CrossRef]
- Abdelsattar, M.; Abdelmoety, A.; Emad-Eldeen, A. Advanced machine learning techniques for predicting power generation and fault detection in solar photovoltaic systems. Neural Comput. Appl. 2025, 1–20. [Google Scholar] [CrossRef]
- Ürkmez, M.; Kallesøe, C.; Dimon Bendtsen, J.; Leth, J. Day-Ahead PV Power Forecasting for Control Applications. In Proceedings of the IECON 2022—48th Annual Conference of the IEEE Industrial Electronics Society, Brussels, Belgium, 17–20 October 2022; pp. 1–6. [Google Scholar] [CrossRef]
- Blanc, P.; Remund, J.; Vallance, L. Short-term solar power forecasting based on satellite images. In Renewable Energy Forecasting from Model to Applications; Woodhead Publishing: Cambridge, UK, 2017; pp. 179–198. [Google Scholar]
- Ciocia, A.; Chicco, G.; Gasperoni, A.; Malgaroli, G.; Spertino, F. Photovoltaic Power Prediction from Medium-Range Weather Forecasts: A Real Case Study. In Proceedings of the 2023 IEEE PES Innovative Smart Grid Technologies Europe (ISGT EUROPE), Grenoble, France, 23–26 October 2023; pp. 1–5. [Google Scholar] [CrossRef]
- Diagne, M.; David, M.; Lauret, P.; Boland, J.; Schmutz, N. Review of Solar Irradiance Forecasting Methods and a Proposition for Small-Scale Insular Grids. Renew. Sustain. Energy Rev. 2013, 27, 65–76. [Google Scholar] [CrossRef]
- Ye, H.; Yang, B.; Han, Y.; Chen, N. State-Of-The-Art Solar Energy Forecasting Approaches: Critical Potentials and Challenges. Front. Energy Res. 2022, 10, 875790. [Google Scholar] [CrossRef]
- Woyte, A.; Van Thong, V.; Belmans, R.; Nijs, J. Voltage fluctuations on distribution level introduced by photovoltaic systems. IEEE Trans. Energy Conv. 2006, 21, 202–209. [Google Scholar] [CrossRef]
- Liu, F.; Ting, K.; Zhou, Z. Isolation-based anomaly detection. ACM Trans. Knowl. Discov. Data (TKDD) 2012, 6, 3. [Google Scholar] [CrossRef]
Temporal Horizon | Range | Applications |
---|---|---|
Intra-hour | <1 h | Real-time dispatch, power quality control |
Intra-day | 1–24 h | Day-ahead scheduling, energy trading |
Day-ahead | 24–48 h | Maintenance planning, resource allocation |
Medium-term | 48 h–1 month | Asset management, seasonal planning |
Long-term | >1 month | Capacity expansion, policy making |
Application Context | Key Requirements | Suitable Model Types |
---|---|---|
Grid operation | High accuracy, fast computation | Data-driven models (ML, DL) [5,18], hybrid physical and statistical models [18,19] |
Energy trading | Probabilistic forecasts, uncertainty quantification | Ensemble models [20,21], Bayesian approaches [22,23] |
PV plant monitoring | Interpretability, system-specific insights | Physical models [5,24], semi-empirical models [25,26] |
Performance assessment | Robustness to data quality, handling of missing data | Ensemble models, deep learning models [27,28] |
Regional forecasting | Spatial aggregation, scalability | Spatio-temporal models [29,30], hierarchical models [31,32] |
Model | Key Features | Performance Metrics | Suitable Applications |
---|---|---|---|
MLP [17,27,34] | Feedforward | NRMSE: 3.2–7.6%, | Short-term (intra-hour) |
architecture, | MAE: 2.5–5.9% | forecasting, | |
backpropagation | PV plant | ||
learning | monitoring | ||
CNN [5,35,36] | Spatial feature | NRMSE: 2.8–6.4%, | Regional |
extraction, | MAPE: 4.2–9.6% | forecasting, | |
hierarchical | spatio-temporal | ||
learning | modeling | ||
LSTM [5,32,37] | Temporal | NRMSE: 3.5–8.3%, | Medium-term |
dependency | MAE: 2.9–6.8% | forecasting, | |
capture, | time-series | ||
long-term memory | analysis | ||
Wavelet-ANN [7,38] | Multi-resolution | NRMSE: 2.3–5.7%, | Non-stationary |
analysis, | MAPE: 3.6–8.5% | data, | |
de-noising, | feature | ||
and compression | extraction |
Model | Key Features | Performance Metrics | Suitable Applications |
---|---|---|---|
SVM-RBF [14] | Non-linear | NRMSE: 4.5–9.7%, | Short-term |
mapping, | MAE: 3.8–8.2% | forecasting, | |
Gaussian | regression | ||
kernel | tasks | ||
function | |||
SVM-Poly [10] | Polynomial | NRMSE: 5.2–10.4%, | Non-linear |
kernel | MAPE: 6.3–12.6% | relationships, | |
function, | high-dimensional | ||
degree | input | ||
optimization | |||
GA-SVM [7] | Genetic | NRMSE: 3.9–8.5%, | Feature |
feature | MAE: 3.2–7.1% | optimization, | |
selection, | Computationally | ||
optimal | efficient | ||
subset | |||
identification | |||
RFE-SVM [39] | Recursive | NRMSE: 4.2–9.1%, | high-dimensional |
feature | MAPE: 5.4–11.3% | input, | |
elimination, | feature | ||
backward | ranking | ||
feature | |||
selection | |||
Ensemble-SVM [14] | Multiple | NRMSE: 3.1–7.3%, | Improved |
SVM | MAE: 2.6–6.2% | accuracy, | |
combination, | robustness | ||
gagging, | enhancement | ||
boosting, | |||
stacking |
Model | Key | Performance | Suitable |
---|---|---|---|
Features | Metrics | Applications | |
Random Forest [6] | Bagging of | NRMSE: 2.9–6.8%, | Short-term |
decision trees, | MAE: 2.4–5.7% | forecasting, | |
feature | variable | ||
importance | selection | ||
ranking | |||
Gradient Boosting [5] | Sequential | NRMSE: 3.2–7.5%, | Nonlinear |
tree boosting, | MAPE: 4.3–9.2% | relationships, | |
gradient-based | medium-term | ||
optimization | forecasting | ||
Physical-ANN hybrid [10] | Physical | NRMSE: 2.6–6.1%, | Improved |
modeling of | MAE: 2.2–5.3% | interpretability, | |
components, | domain | ||
ANN for | knowledge | ||
stochastic | integration | ||
variation | |||
Wavelet-SVM hybrid [7] | Multi-scale | NRMSE: 2.5–5.9%, | Non-stationary |
decomposition, | MAPE: 3.8–8.6% | data, | |
SVM for | robustness | ||
component | improvement | ||
forecasting | |||
GA-ANN hybrid [5] | GA for | NRMSE: 2.3–5.4%, | Hyperparameter |
ANN | MAE: 1.9–4.6% | tuning, | |
optimization, | model | ||
Evolutionary | structure | ||
learning | optimization |
Algorithm | Category | Main Characteristics | Optimization Capabilities |
---|---|---|---|
Genetic Algorithm (GA) [14] | Evolutionary algorithm | Selection, crossover, and mutation-based optimization | Feature selection; hyperparameter tuning; model structure optimization |
Differential Evolution (DE) [27] | Evolutionary algorithm | Mutation and crossover-based optimization on vectors in search space | Hyperparameter tuning; model structure optimization |
Particle Swarm Optimization (PSO) [7] | Swarm intelligence algorithm | Particles move in the search space based on personal and global best positions | Feature selection; hyperparameter tuning; model structure optimization |
Ant Colony Optimization (ACO) [43] | Swarm intelligence algorithm | Pathfinding based on pheromone deposition by ants | Feature selection; hyperparameter tuning; model structure optimization |
Artificial Bee Colony (ABC) [44] | Swarm intelligence algorithm | Mimics foraging behavior of honeybees | Feature selection; hyperparameter-tuning; ensemble model generation |
Framework | Optimization Techniques | Main Advantages |
---|---|---|
GA-ANN-hybrid [14] | Genetic Algorithm Artificial Neural Network | Efficient exploration of model configuration space; fine tuning of model parameters; improved generalization and robustness |
PSO-SVM-hybrid [43] | Particle Swarm Optimization Support Vector Machine | Effective hyperparameter optimization; enhanced model accuracy and robustness; reduced computational complexity |
DE-Ensemble-hybrid [27] | Differential Evolution Ensemble Methods | Discovery of diverse and complementary models; improved performance and stability; robustness to individual model weaknesses |
ACO-Fuzzy-hybrid [43] | Ant Colony Optimization Fuzzy Logic Systems | Optimization of fuzzy rule-based systems; incorporation of domain-specific knowledge for transparent reasoning |
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content. |
© 2025 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).
Share and Cite
Di Leo, P.; Ciocia, A.; Malgaroli, G.; Spertino, F. Advancements and Challenges in Photovoltaic Power Forecasting: A Comprehensive Review. Energies 2025, 18, 2108. https://doi.org/10.3390/en18082108
Di Leo P, Ciocia A, Malgaroli G, Spertino F. Advancements and Challenges in Photovoltaic Power Forecasting: A Comprehensive Review. Energies. 2025; 18(8):2108. https://doi.org/10.3390/en18082108
Chicago/Turabian StyleDi Leo, Paolo, Alessandro Ciocia, Gabriele Malgaroli, and Filippo Spertino. 2025. "Advancements and Challenges in Photovoltaic Power Forecasting: A Comprehensive Review" Energies 18, no. 8: 2108. https://doi.org/10.3390/en18082108
APA StyleDi Leo, P., Ciocia, A., Malgaroli, G., & Spertino, F. (2025). Advancements and Challenges in Photovoltaic Power Forecasting: A Comprehensive Review. Energies, 18(8), 2108. https://doi.org/10.3390/en18082108