Final
Final
TECHNOLOGY, BHOPAL
BY
This is to certify that Project Report entitled "Solar Forecasting using Artificial
Intelligence" which is submitted by Abhishek Katiyar, Sheersh Jain, Tanisha Jain
in partial fulfilment of the requirement for the award of degree B. Tech. in
Department of Mechanical Engineering of Maulana Azad National Institute of
Technology Bhopal, is a record of the candidates own work carried out by them
under my supervision, Dr Alok Singh. The matter embodied in this thesis is
original and has not been submitted for the award of any other degree.
Supervisor:
Date:
DECLARATION
We hereby declare that this submission is our own work and that, to the best of
our knowledge and belief, it contains no material previously published or written
by another person nor material which to a substantial extent has been accepted for
the award of any other degree or diploma of the university or other institute of
higher learning, except where due acknowledgment has been made in the text.
It gives us a great sense of pleasure to present the report of the B. Tech Major
Project undertaken during B. Tech. Final Year. We owe special debt of gratitude
to Professor Dr. Alok Singh, Department of Mechanical Engineering, Maulana
Azad National Institute of Technology, for his constant support and guidance
throughout the course of our work. His sincerity, thoroughness and perseverance
have been a constant source of inspiration for us. It is only his cognizant efforts
that our endeavours have seen light of the day.
ABSTRACT
What sets this survey apart is its emphasis on the nuts and bolts of neural networks,
providing readers with a deep dive into the calculations and workings of these
models. The report meticulously dissects the intricacies of the neural network
mechanisms employed in the surveyed papers. Data availability emerges as a
crucial theme, with studies drawing from diverse sources such as meteorological
agencies (NASA, NOAA, ECMWF), satellite images, and sky cameras to bolster
precision. Notably, some research ventures into the realm of real-time data
through the utilization of IoT devices and sensors, underscoring the pursuit of
heightened accuracy in solar energy forecasting.
1. Introduction
2. Solar Energy Output Prediction – Need for the Study
3. Literature Review
4. Objectives
5. Methodology
6. Results and Discussions
7. Website Interface
8. Conclusions
9. References
CHAPTER – 1
INTRODUCTION
While the trajectory and energy of the sun can be computed using physical laws,
predicting the nuanced development and production of solar energy necessitates
a blend of physical simulation and artificial intelligence. This complexity arises
from various variables, including sun position, climate, photovoltaic panel
properties, among others, influencing the amount of generated solar energy.
Precision in solar forecasting proves paramount for maintaining the balance,
stability, and planning of energy production within the power grid.
Applications of AI and ML
Healthcare:
Deep Learning(DL)
Deep learning is a subset of ML that uses neural networks with multiple layers to
learn complex representations of data. Deep learning has achieved remarkable
success in areas such as computer vision, natural language processing, and speech
recognition. At its core,deep learning aims to mimic the human brain's neural
networks, allowing machines to learn from vast amounts of data and make intelligent
decisions without explicit programming.
At the heart of deep learning are artificial neural networks, inspired by the structure
and function of the human brain. These networks consist of layers of interconnected
nodes, or "neurons," each performing simple computations. What makes deep
learning "deep" is the presence of multiple layers, allowing the network to learn
complex representations of data.
One of the key strengths of deep learning is its ability to automatically discover
intricate patterns and features in data, often outperforming traditional machine
learning approaches in tasks such as image and speech recognition. This capability
has led to remarkable advancements, such as self-driving cars, personalized
medicine, and natural language understanding in chatbots and virtual assistants.
Deep learning models vary in complexity, from simple feedforward neural networks
to more complex architectures like convolutional neural networks (CNNs) for
images and recurrent neural networks (RNNs) for sequential data. Recently,
attention mechanisms and transformers have gained popularity for tasks requiring
understanding of long-range dependencies, such as language translation.
Neurons (Nodes):
Each neuron in an ANN performs a computation and introduces non-linearity into
the network. The basic structure of a neuron includes:
•Inputs: Each neuron receives inputs from the previous layer or directly from the
input layer.
•Weights: Each input is multiplied by a weight, which determines its significance to
the neuron's output.
•Bias: A bias term is added to the weighted sum of inputs. It allows the neuron to
adjust the output along with the inputs.
•Activation Function: After summing the weighted inputs and bias, an activation
function is applied. This function introduces non-linearity, enabling the network to
learn complex patterns. Common activation functions include ReLU (Rectified
Linear Activation), Sigmoid, and Tanh.
This study is prompted by the escalating demand for solar energy as a renewable
source, emphasizing the critical need for precise solar radiation prediction to
optimize energy generation and management. Despite the widespread application
of machine learning models in solar radiation prediction, the challenge persists in
selecting the most relevant features for accurate forecasts. Unlike existing research
that predominantly focuses on monthly, daily, or specific period-based solar
radiation prediction, our study uniquely targets hourly predictions during the peak
solar light radiation period from ten in the morning to three in the afternoon.
Accurate solar forecasts help grid operators anticipate fluctuations in solar power
generation, enabling better integration with the grid.
Grid stability is crucial for maintaining a reliable electricity supply. Forecasts aid
in balancing generation and demand, preventing grid instability and blackouts.
Grid operators can use these forecasts to schedule other energy sources, such
as natural gas or coal plants, to compensate for variations in solar output.
Energy storage systems can also be efficiently managed with solar forecasts,
storing excess energy during peak production for later use.
Solar energy is often part of a mix of renewable energy sources, such as wind
and hydroelectric power.
Solar energy is a clean and renewable energy source, reducing greenhouse gas
emissions.
6. Emergency Preparedness:
LITERATURE REVIEW
Mishra, D. P., Jena, S., Senapati, R., Panigrahi, A., & Salkuti, S. R.
(2023), The objective of this study is to forecast global solar radiation using an
ensemble learning approach that combines the predictions of several machine
learning models. The authors aim to develop an accurate and reliable solar
radiation forecasting model that can be used for renewable energy planning and
management. The study proposes a novel approach that incorporates multiple
machine learning models, including artificial neural networks, support vector
machines, and random forests, to achieve better accuracy and reliability than
single-model approaches. The proposed approach is tested and validated using
real-world data, demonstrating its effectiveness in accurately predicting global
solar radiation. [1]
You, L., & Zhu, M. (2023), Developing a digital twin simulation and deep
learning framework for predicting solar energy market load using trade-by-trade
data. The paper proposes a novel approach to construct a digital twin simulation
model that mirrors the real-world solar energy market and integrates it with a deep
learning framework to generate accurate predictions of the market load. The
framework is trained and tested on historical trade-by-trade data, and the
performance of the model is evaluated and compared with traditional machine
learning methods.[3]
Krishnan, N., Kumar, K. R., & Inda, C. S. (2023), The objective of this
paper is to critically review the literature on the impact of solar radiation
forecasting on the utilization of solar energy. The authors aim to identify the key
factors that influence the accuracy of solar radiation forecasting and how it
impacts the utilization of solar energy. The paper also examines the various
techniques used for solar radiation forecasting and evaluates their effectiveness.
The review provides insights into the current state of research in the field and
highlights the gaps in knowledge that need to be addressed to improve the
utilization of solar energy. [4]
Rahimi, N., Park, S., Choi, W., Oh, B., Kim, S., Cho, Y. H., ... &
Lee, D. (2023), In this article the objective is to provide a comprehensive
review of ensemble solar power forecasting algorithms. The study aims to
evaluate the performance of different ensemble methods in improving the
accuracy of solar power forecasting. The article discusses various ensemble
methods used in solar power forecasting, including simple averaging, weighted
averaging, bagging, boosting, and stacking. The review also discusses the
advantages and disadvantages of each method and provides insights into the
factors that affect the accuracy of ensemble forecasting models. The article
concludes by highlighting the importance of ensemble methods in improving the
accuracy of solar power forecasting. [6]
Kong, X., Du, X., Xu, Z., & Xue, G. (2023), Developing a predictive
model for solar radiation that can be used for space heating with thermal storage
systems. The authors propose a novel method based on a temporal convolutional
network-attention model, which incorporates both temporal and spatial
information from multiple weather variables. The model aims to improve the
accuracy and reliability of solar radiation prediction, and ultimately optimize the
performance of the thermal storage system. The study also evaluates the
effectiveness of the proposed model and compares it with other commonly used
machine learning algorithms.[7]
Nie, Y., Li, X., Scott, A., Sun, Y., Venugopal, V., & Brandt, A. (2023),
The objective of this paper is to introduce a new dataset called SKIPP'D (Sky
Images and Photovoltaic Power Generation Dataset), which includes high-
resolution sky images and photovoltaic (PV) power generation data. The paper
aims to demonstrate the potential of this dataset in improving short-term solar
forecasting accuracy. Specifically, the paper discusses the collection and pre-
processing of the dataset and presents a case study demonstrating the usefulness
of SKIPP'D for solar power forecasting using machine learning algorithms. The
ultimate goal of the paper is to contribute to the development of accurate and
efficient solar power forecasting methods. [8]
Bezerra Menezes Leite, H., & Zareipour, H. (2023), This article aims
to develop an accurate forecasting model for small behind-the-meter solar sites
that can predict energy production six days ahead. The authors aim to compare
the performance of different forecasting models and evaluate the impact of
weather forecast accuracy, solar site characteristics, and historical data
availability on the accuracy of the energy production forecast. The study focuses
on small solar sites that are connected to the distribution grid and have a capacity
of less than 500 kW, which are becoming increasingly popular due to their
potential to reduce greenhouse gas emissions and support distributed generation.
[9]
Patel, D., Patel, S., Patel, P., & Shah, M. (2022), The objective of the
study is to develop a comprehensive and systematic approach for the estimation
of solar radiation and solar energy using artificial neural network (ANN) and
fuzzy logic concept. The study aims to optimize the ANN architecture using
various training algorithms and activation functions to improve the accuracy of
solar radiation and energy estimation. Additionally, the study aims to develop a
fuzzy logic-based inference system to enhance the estimation performance by
integrating expert knowledge and linguistic variables. The proposed approach
aims to provide an effective tool for solar radiation and energy estimation for
practical applications. [11]
Khan, W., Walker, S., & Zeiler, W. (2022), In this study, they propose an
improved deep learning-based ensemble stacking approach for the accurate
forecast of solar photovoltaic (PV) energy generation. The study aims to develop
a model that can handle the nonlinear and complex relationships between the
variables affecting solar PV energy generation, by utilizing the strengths of
different deep learning algorithms in an ensemble stacking framework. The study
seeks to evaluate the performance of the proposed model and compare it with
existing forecasting models, to demonstrate its superiority in terms of accuracy
and robustness. [13]
Shams, M. H., Niaz, H., Hashemi, B., Liu, J. J., Siano, P., & Anvari-
Moghaddam, A. (2021), The author proposed a novel artificial intelligence-
based approach for predicting and analysing the oversupply of wind and solar
energy in power systems. The proposed approach utilizes machine learning
algorithms to forecast renewable energy generation and demand, and to detect
oversupply events. The approach is evaluated using real-world data from the Irish
power system, and the results demonstrate its ability to accurately predict
oversupply events, as well as its potential to support the integration of large
amounts of renewable energy into power systems. [14]
Sahu, R. K., Shaw, B., & Nayak, J. R. (2021), In this article, the author
proposed a system that optimize Extreme Learning Machine (ELM) is employed
to forecast real-time SPG of Chhattisgarh state of India by conceding weather
conditions for prediction. The study aims to improve the accuracy of solar power
forecasting by incorporating weather variables such as temperature, humidity, and
wind speed, along with historical solar irradiance data. The proposed model is
expected to aid decision-making in power system operations, energy trading, and
renewable energy integration planning in Chhattisgarh state. [15]
CHAPTER -4
OBJECTIVES
METHODOLOGY
Perceptron:
A simple artificial neuron having an input layer and output layer is called a
perceptron.
What does this Neuron contain?
1. Summation function
2. Activation function
This is a simple perceptron, but what if we have many inputs and huge data a
single perceptron is not enough right?? We must keep on increasing the neurons.
And here is the basic neural network having an input layer, hidden layer, output
layer.
We should always remember that a neural network has a single input layer,
output layer but it can have multiple hidden layers. In the above fig, we can see
the sample neural network with one input layer, two hidden layers, and one
output layer.As a prerequisite for a neural network let us know what an
activation function and types of activation function
Activation Function: The main purpose of the activation function is to
convert the weighted sum of input signals of a neuron into the output signal. And
this output signal is served as input to the next layer.
Any activation function should be differentiable since we use a backpropagation
mechanism to reduce the error and update the weights accordingly.
Types of Activation Function:
Tanh:
4. It can lead to neuron death, which can be compensated by applying the Leaky
RELU function.
2. Backward Propagation
Let’s understand these building blocks with the help of an example. Here I am
considering a single input layer, hidden layer, output layer to make the
understanding clear.
Forward Propagation:
1. Each feature is associated with a weight, where X1, X2 as features and W1, W2
as weights. These are served as input to a neuron.
3. In the summation, all features are multiplied by their weights and bias are
summed up. (Y=W1X1+W2X2+b).
4. This summed function is applied over an Activation function. The output from
this neuron is multiplied with the weight W3 and supplied as input to the output
layer.
5. The same process happens in each neuron, but we vary the activation functions in
hidden layer neurons, not in the output layer.
Backward Propagation:
Let us get back to our calculus basics and we will be using chain rule learned in
our school days to update the weights.
Chain Rule:
The chain rule provides us a technique for finding the derivative of composite
functions, with the number of functions that make up the composition
determining how many differentiation steps are necessary. For example, if a
composite function f( x) is defined as:
……..Eq 5.1
In neural networks, our main goal will be on reducing the error, to make it
possible we have to update all the weights by doing backpropagation. We need to
find a change in weights such that error should be minimum. To do so we
calculate dE/dW1 and dE/dW2.
…..Eq 5.2
…..Eq 5.3
…Eq 5.4
…..Eq 5.5
Once you have calculated changes in weights concerning error our next step will
be on updating the weights using gradient descent procedure.
……Eq 5.7
Fig 5.9 New Weights
5.2 Calculations
Implementation in Scikit-learn:
For each decision tree, Scikit-learn calculates a nodes importance using Gini
Importance, assuming only two child nodes (binary tree):
…Eq
5.8
……….Eq 5.9
These can then be normalized to a value between 0 and 1 by dividing by the sum
of all feature importance values:
………Eq 5.10
The final feature importance, at the Random Forest level, is it’s average over all
the trees. The sum of the feature’s importance value on each trees is calculated
and divided by the total number of trees:
……….Eq 5.11
RFfi sub(i)= the importance of feature i calculated from all trees in the Random
Forest model
normfi sub(ij)= the normalized feature importance for i in tree j
T = total number of trees
Number of neurons in each hidden layer:
Nh=number of neurons
Ni=number of input neurons
Ns=number of samples in training data set
α=an arbitrary scaling factor usually 2-10
Nh=Ns/( α*(Ni+No)) …….Eq 5.12
Total data =4213
Training data=75% of Total data
=>4213*0.75
=>3159.75
=>3160 approx
Where N is the number of data points, y(i) is the i-th measurement, and y ̂(i) is
its corresponding prediction.
Training R-squared (R2): Indicates the proportion of variance in the target
variable explained by the model on the training dataset.
Test R-squared (R2): Measures the model's ability to generalize to new,
unseen data on the test dataset.
R2= 1-(SSres/SStot) …..Eq 5.15
SStotal=SUM(yi-yavg)2……Eq 5.16
SSres=SUM(yi-y^i)2…….Eq 5.17
Where y(i) is the i-th measurement, and y ̂(i) is its corresponding prediction.
data, leading to reduced performance on both training and test datasets. The
model may benefit from increased complexity or improved feature engineering.
2.Model 2
Training Metrics:
- Training Loss: 0.0880
- Training RMSE: 0.2967
- Training MAE: 0.2034
- Training R2: 91.2%
- Test Metrics:
- Test R2: 76.3%
Summary:
Balanced Performance: The model achieves a high R2 score on both the
training dataset (91.2%) and the test dataset (76.3%). This indicates that the
model has good generalization performance and is less likely to overfit the
training data.
3.Model 3
Training Metrics:
- Training Loss: 0.1569
- Training RMSE: 0.3961
- Training MAE: 0.2785
- Training R2: 95.3%
- Test Metrics:
- Test R2: 72.3%
Summary:
Overfitting: The model achieves a high R2 score on the training dataset (95.3%),
indicating good performance. However, there is a noticeable drop in the R2
score on the test dataset (72.3%), suggesting potential overfitting. The model
might be too complex and capturing noise in the training data, leading to
reduced performance on unseen data.
CONCLUSIONS
1) Accuracy and Performance: Achieving an 86% accuracy in solar power
generation forecasts is commendable and marks a substantial contribution to
the field. It would be beneficial to delve deeper into the methodology that
led to such a high level of accuracy. Exploring the types of machine
learning algorithms or models used, the data preprocessing steps, and how
the model was trained (including any challenges faced during the training
process) can provide valuable insights. Additionally, comparing your
model's performance with existing models or benchmarks could further
emphasize its significance.
2) Feature Importance: Identifying the key environmental factors that influence
solar power generation offers a clear direction for both technological
improvements and research. It would be interesting to explore how these
factors were determined to be of significant importance. For instance,
discussing the feature selection methods or the statistical techniques used to
quantify the impact of each environmental parameter could enrich the
understanding of your model's workings. Moreover, considering the
negative impact of the incidence and azimuth angles, it would be insightful
to discuss potential strategies or technologies that could mitigate their
adverse effects on solar power generation.
3) User-Friendly Dashboard: Developing a user-friendly platform for
predicting solar power output is a crucial step in making your research
applicable in real-world scenarios. It would be beneficial to outline the
features of the dashboard, such as the types of input parameters required,
how the predictions are presented to the users, and any tools or
functionalities provided to interpret the results. Spotlighting user feedback
and case studies emphasizes the dashboard's utility for energy planners and
grid operators.
REFERENCES
[1]. Mishra, D. P., Jena, S., Senapati, R., Panigrahi, A., & Salkuti, S. R. (2023).
Global solar radiation forecast using an ensemble learning approach. International
Journal of Power Electronics and Drive Systems, 14(1), 496.
[2]. Deo, R. C., Ahmed, A. M., Casillas-Pérez, D., Pourmousavi, S. A., Segal, G.,
Yu, Y., & Salcedo-Sanz, S. (2023). Cloud cover bias correction in numerical
weather models for solar energy monitoring and forecasting systems with kernel
ridge regression. Renewable Energy, 203, 113-130.
[3]. You, L., & Zhu, M. (2023). Digital Twin simulation for deep learning
framework for predicting solar energy market load in Trade-By-Trade data. Solar
Energy, 250, 388-397.
[4]. Krishnan, N., Kumar, K. R., & Inda, C. S. (2023). How solar radiation
forecasting impacts the utilization of solar energy: A critical review. Journal of
Cleaner Production, 135860.
[5]. Immanual, R., Kannan, K., Chokkalingam, B., Priyadharshini, B., Sathya, J.,
Sudharsan, S., & Nath, E. R. (2023). Performance Prediction of solar still using
Artificial neural network. Materials Today: Proceedings, 72, 430-440.
[6]. Rahimi, N., Park, S., Choi, W., Oh, B., Kim, S., Cho, Y. H., ... & Lee, D.
(2023). A Comprehensive Review on Ensemble Solar Power Forecasting
Algorithms. Journal of Electrical Engineering & Technology, 1-15.
[7]. Kong, X., Du, X., Xu, Z., & Xue, G. (2023). Predicting solar radiation for
space heating with thermal storage system based on temporal convolutional
network-attention model. Applied Thermal Engineering, 219, 119574.
8]. Nie, Y., Li, X., Scott, A., Sun, Y., Venugopal, V., & Brandt, A. (2023).
SKIPP’D: A SKy Images and Photovoltaic Power Generation Dataset for short-
term solar forecasting. Solar Energy, 255, 171-179.
[9]. Bezerra Menezes Leite, H., & Zareipour, H. (2023). Six Days Ahead
Forecasting of Energy Production of Small Behind-the-Meter Solar Sites.
Energies, 16(3), 1533.
[10]. Ghimire, S., Deo, R. C., Casillas-Pérez, D., Salcedo-Sanz, S., Sharma, E.,
& Ali, M. (2022). Deep learning CNN-LSTM-MLP hybrid fusion model for
feature optimizations and daily solar radiation prediction. Measurement, 202,
111759.
[11]. Patel, D., Patel, S., Patel, P., & Shah, M. (2022). Solar radiation and solar
energy estimation using ANN and Fuzzy logic concept: A comprehensive and
systematic study. Environmental Science and Pollution Research, 29(22), 32428-
32442.
[12]. Ghimire, S., Deo, R. C., Wang, H., Al-Musaylh, M. S., Casillas-Pérez, D.,
& Salcedo-Sanz, S. (2022). Stacked LSTM sequence-to-sequence autoencoder
with feature selection for daily solar radiation prediction: a review and new
modeling results. Energies, 15(3), 1061.
[13]. Khan, W., Walker, S., & Zeiler, W. (2022). Improved solar photovoltaic
energy generation forecast using deep learning-based ensemble stacking
approach. Energy, 240, 122812.
[14]. Shams, M. H., Niaz, H., Hashemi, B., Liu, J. J., Siano, P., & Anvari-
Moghaddam, A. (2021). Artificial intelligence-based prediction and analysis of
the oversupply of wind and solar energy in power systems. Energy Conversion
and Management, 250, 114892.
[15]. Sahu, R. K., Shaw, B., & Nayak, J. R. (2021). Short/medium term solar
power forecasting of Chhattisgarh state of India using modified TLBO optimized
ELM. Engineering Science and Technology, an International Journal, 24(5),
1180-1200.