SlideShare a Scribd company logo
1 of 21
Download to read offline
Enhancing the Prediction Accuracy
of Solar Power Generation using
a Generative Adversarial Network
Kundjanasith Thonglek1
, Kohei Ichikawa1
, Keichi Takahashi1
,
Chawanat Nakasan2
, Kazufumi Yuasa3
, Tadatoshi Babasaki3
, Hajimu Iida1
1
Nara Institute of Science and Technology, Nara, Japan
2
Kanazawa University, Ishikawa, Japan
3
NTT FACILITIES, INC., Tokyo, Japan
1
Produce stable electricity with solar power generation
Cloud
Wind
A commonly known problem in solar power generation is
Controlling the amount of stored electricity in batteries to produce stable electricity
➢ Unpredictable
➢ No pollution
➢ Predictable
➢ Pollution
2
Prediction of solar power generation
➢ There are several existing approaches to tackle controlling the amount of
stored electricity in batteries to produce stable electricity
○ Designing a new energy storage [1]
○ Improving the capacity of the batteries [2]
○ Building a prediction model for the solar power generation [3]
➢ Applying a new energy storage or developing the existing batteries requires
large amounts of investment more than embedding prediction models
○ Therefore, the development of highly accurate prediction models
such as deep learning has received much attentions
References
[1] C. Thombre, S. Shah, M. Mahajan, and T. Haldankar, “Design of a battery-less solar energy storage system based on re-generation of energy”, in Proceedings of IEEE International Conference on
Computing, Communication and Networking Technologies (ICCCNT), 2017, pp. 1-5.
[2] Z. Hradiflex, P. Moldrik, and R. Chvalek, “Solar energy storage using hydrogen technology”, in Proceedings of IEEE International Conference on Environment and Electrical Engineering (EEEIC),
2010, pp. 110-113
[3] V. Prema and U. Rao, “Development of statistical time series models for solar power prediction”, Renewable Energy, Vol 83, 2015, pp. 100-109 3
Deep learning approaches
➢ Deep learning is a kind of machine learning approach that applies neural networks
with many layers
○ It has been proved to be highly effective in a wide range of prediction
➢ Applying LSTM is outperformed for predicting solar power generation [1]
○ Solar power generation is a kind of time-series data
○ LSTM
■ It is a type of recurrent neural network
■ It is able to hold long-term historical data
■ It is able to learn contexts from time-series data and forecast future trends
References
[1] J. Zhang, Y. Chi, and L. Xiao, “Solar power generation forecast based on LSTM”, in Proceedings of IEEE International Conference on Software Engineering and Service Science (ICSESS),
2018, pp. 869-872
4
Frequency distribution of solar power generation
➢ The maximum values of solar power generation is 8.0 kWh
➢ The minimum values of solar power generation is 0.0 kWh
Solar power generation is strongly biased towards 0.0 kWh
This imbalance dataset
makes it difficult to build an
accurate prediction model
5
Average daily solar power generation in each month
Solar power generation is varied over various seasons in one year
This large seasonal
variation of the dataset also
makes it difficult to build
an accurate prediction
model
6
The gap between highest and lowest solar power
generation is very large
Data augmentation
➢ The size and variability of training datasets are important factors that affect
the prediction accuracy of deep learning models.
➢ In general, limited size and variability of the training dataset lead to
underfitting or overfitting problems.
○ Data augmentation alleviates those problems by increasing the size and
variability of training datasets with artificially generated samples
➢ Data augmentation for time-series
○ Basic approaches: time-domain and frequency-domain methods
○ Advanced approaches: statistical-based and learning-based methods
7
Generative Adversarial Network (GAN)
➢ GAN is one of the most popular learning-based
methods for time-series data augmentation
➢ GAN can prevent some limitations caused by
adversarial learning in the practical application
of the conventional generative models
➢ Two models are trained simultaneously by an
adversarial process.
○ A generator ("the artist") learns to create
images that look real
○ A discriminator ("the art critic") learns to
tell real images apart from fakes.
8
References
I. Goodfellow, J. Pouget-Abadie, M. Mirza, B. Xu, D. Warde-Farley, S. Ozair, A. Courville, and Y. Bengio, “Generative adversarial nets,” in Proceedings of Advances in Neural Information Processing
Systems (NerIPS), Z. Ghahramani, M. Welling, C. Cortes, N. Lawrence, and K. Q. Weinberger, Eds., vol. 27. Curran Associates, Inc., 2014.
Dataset
➢ Since solar power system does not generate electricity at night, we take only data for
every hour from 6:00 AM to 6:00 PM
○ There are 13 records per day
Dec 6, 2017, 6:00 AM - Jun 17, 2020, 6:00 PM
Past solar power generation data
Solar power system installed at
Shinohashi building of
NTT Facilities (NTT-F)
Weather forecast data [1]
Meso-Scale Model of
Japan Meteorological Agency (JMA)
9
References
[1] K. Saito, T. Fujita, Y. Yamada, J. ichi Ishida, Y. Kumagai, K. Aranami, S. Ohmori, R. Nagasawa, S. Kumagai, C. Muroi, T. Kato, H. Eito, and Y. Yamazaki, “The operational JMA nonhydrostatic
mesoscale model,” Monthly Weather Review, vol. 134, no. 4, pp. 1266–1298, 2006.
Correlation of the features in our dataset
The highest correlation coefficient between
Solar radiation & Solar power generation
with a correlation coefficient of 0.79
The lowest correlation coefficient between
Middle cloudage & Solar power generation
with a correlation coefficient of -0.34
Correlation coefficient
It is used to measure the strength
of the relationship between two
variables.
10
Our approach
11
Dataset
Training
Dataset
Testing
Dataset
LSTM-based Prediction Model
GAN-based Model
Augmented Dataset
Evaluation
1. Preparation of training and testing datasets
2. Data augmentation using GAN-based model
3. Prediction using LSTM-based model
Input and output data range for the prediction model
➢ We propose a model to predict the next 24 hours solar power generation (i.e. 13 hours data
except for the night time) with the past information
t
Current time step
Solar power generation
Weather forecast information
Solar power generation
t + 13
t - 13
➢ The length of input sequence is 13
➢ The length of output sequence is 13
Predict future solar power generation for
next 13 time steps except for the night time.
12
Input data for the proposed GAN-based model
The input data format of the proposed GAN-based
model is composed of two parts
13
First part is a matrix of 13 x 12 that matches with the
input data of our proposed LSTM-based model
Second part is a matrix of 13 x 1 that matches with
the output data of our proposed LSTM-based model
Architecture of proposed GAN-based model
14
Input layer
Discriminator model
Generator model
Convolutional layer
First
Deconvolutional layer
Second
Deconvolutional layer
First
Convolutional layer
Second
Convolutional layer
Fully connected layer
Input layer
Architecture of LSTM-based prediction model
The length of input sequence
The number of selected features
The length of output sequence
The number of hidden units
15
Output layer is fully-connected layer
with ReLU activation function
Original Data
Generated Data
Example of generated and original data
The proposed GAN-based model was able to generated data efficiently because the
distribution of the generated data after training process is similar to the original data
16
Generated data at 1st
epoch Generated data at 100th
epoch
Prediction accuracy
17
The prediction model using
the original dataset
The prediction model using
the augmented dataset
Since neural networks are initialized with
random weights, we trained the model 100 times
with stratified K-fold cross-validation, and
measured and averaged the RMSE.
0.1497
0.1898
0.0606
0.0802
Prediction results
18
The prediction results indicates that the prediction error around noon is greater than
that of early morning and late evening.
Conclusion
➢ We studied how to improve the control of stored electricity in batteries to
produce stable electricity by predicting future solar power generation using
the past solar power generation and weather information
➢ The proposed LSTM-based prediction model achieved an RMSE of 0.1898
with stratified k-fold cross-validation
➢ To further enhance the accuracy of our prediction model, we designed a
neural network model based on GAN to augment the training dataset.
○ The proposed generative model is able to increase the number and
variability of the dataset. With the augmented dataset, our prediction
model achieved an RMSE of 0.0802 19
Future works
➢ Other data augmentation methods will be investigated to further improve the
prediction accuracy
➢ Data on solar power generation and weather information from other sources
should be used to validate the generality of the proposed prediction method
➢ Significant behaviors and features that impact on the control of the stored
electricity in batteries will be investigated
20
Q&A
Thank you for your attention
Email: thonglek.kundjanasith.ti7@is.naist.jp
21

More Related Content

What's hot

Synthetic data generation
Synthetic data generationSynthetic data generation
Synthetic data generationSandeep Joshi
 
Manifold learning with application to object recognition
Manifold learning with application to object recognitionManifold learning with application to object recognition
Manifold learning with application to object recognitionzukun
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learningleopauly
 
HPC + Ai: Machine Learning Models in Scientific Computing
HPC + Ai: Machine Learning Models in Scientific ComputingHPC + Ai: Machine Learning Models in Scientific Computing
HPC + Ai: Machine Learning Models in Scientific Computinginside-BigData.com
 
Generative Models for General Audiences
Generative Models for General AudiencesGenerative Models for General Audiences
Generative Models for General AudiencesSangwoo Mo
 
Word2vec algorithm
Word2vec algorithmWord2vec algorithm
Word2vec algorithmAndrew Koo
 
Seminar report on paper battery
Seminar report on paper batterySeminar report on paper battery
Seminar report on paper batterymanish katara
 
Introduction to continual learning
Introduction to continual learningIntroduction to continual learning
Introduction to continual learningNguyen Giang
 
Introduction to batch normalization
Introduction to batch normalizationIntroduction to batch normalization
Introduction to batch normalizationJamie (Taka) Wang
 
Big Data Stockholm v 7 | "Federated Machine Learning for Collaborative and Se...
Big Data Stockholm v 7 | "Federated Machine Learning for Collaborative and Se...Big Data Stockholm v 7 | "Federated Machine Learning for Collaborative and Se...
Big Data Stockholm v 7 | "Federated Machine Learning for Collaborative and Se...Dataconomy Media
 
Visualizing data using t-SNE
Visualizing data using t-SNEVisualizing data using t-SNE
Visualizing data using t-SNE홍배 김
 
Image classification on Imagenet (D1L4 2017 UPC Deep Learning for Computer Vi...
Image classification on Imagenet (D1L4 2017 UPC Deep Learning for Computer Vi...Image classification on Imagenet (D1L4 2017 UPC Deep Learning for Computer Vi...
Image classification on Imagenet (D1L4 2017 UPC Deep Learning for Computer Vi...Universitat Politècnica de Catalunya
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural NetworksDatabricks
 
Artificial Neural Network
Artificial Neural NetworkArtificial Neural Network
Artificial Neural NetworkPrakash K
 
Continual/Lifelong Learning with Deep Architectures
Continual/Lifelong Learning with Deep ArchitecturesContinual/Lifelong Learning with Deep Architectures
Continual/Lifelong Learning with Deep ArchitecturesVincenzo Lomonaco
 
PopMAG: Pop Music Accompaniment Generation
PopMAG: Pop Music Accompaniment GenerationPopMAG: Pop Music Accompaniment Generation
PopMAG: Pop Music Accompaniment Generationivaderivader
 
PR-207: YOLOv3: An Incremental Improvement
PR-207: YOLOv3: An Incremental ImprovementPR-207: YOLOv3: An Incremental Improvement
PR-207: YOLOv3: An Incremental ImprovementJinwon Lee
 

What's hot (20)

Synthetic data generation
Synthetic data generationSynthetic data generation
Synthetic data generation
 
Fogscreen
FogscreenFogscreen
Fogscreen
 
Manifold learning with application to object recognition
Manifold learning with application to object recognitionManifold learning with application to object recognition
Manifold learning with application to object recognition
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
HPC + Ai: Machine Learning Models in Scientific Computing
HPC + Ai: Machine Learning Models in Scientific ComputingHPC + Ai: Machine Learning Models in Scientific Computing
HPC + Ai: Machine Learning Models in Scientific Computing
 
Generative Models for General Audiences
Generative Models for General AudiencesGenerative Models for General Audiences
Generative Models for General Audiences
 
Word2vec algorithm
Word2vec algorithmWord2vec algorithm
Word2vec algorithm
 
Seminar report on paper battery
Seminar report on paper batterySeminar report on paper battery
Seminar report on paper battery
 
Ambient intelligence pranathi
Ambient intelligence pranathiAmbient intelligence pranathi
Ambient intelligence pranathi
 
Introduction to continual learning
Introduction to continual learningIntroduction to continual learning
Introduction to continual learning
 
Introduction to batch normalization
Introduction to batch normalizationIntroduction to batch normalization
Introduction to batch normalization
 
Big Data Stockholm v 7 | "Federated Machine Learning for Collaborative and Se...
Big Data Stockholm v 7 | "Federated Machine Learning for Collaborative and Se...Big Data Stockholm v 7 | "Federated Machine Learning for Collaborative and Se...
Big Data Stockholm v 7 | "Federated Machine Learning for Collaborative and Se...
 
Visualizing data using t-SNE
Visualizing data using t-SNEVisualizing data using t-SNE
Visualizing data using t-SNE
 
Image classification on Imagenet (D1L4 2017 UPC Deep Learning for Computer Vi...
Image classification on Imagenet (D1L4 2017 UPC Deep Learning for Computer Vi...Image classification on Imagenet (D1L4 2017 UPC Deep Learning for Computer Vi...
Image classification on Imagenet (D1L4 2017 UPC Deep Learning for Computer Vi...
 
Densenet CNN
Densenet CNNDensenet CNN
Densenet CNN
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural Networks
 
Artificial Neural Network
Artificial Neural NetworkArtificial Neural Network
Artificial Neural Network
 
Continual/Lifelong Learning with Deep Architectures
Continual/Lifelong Learning with Deep ArchitecturesContinual/Lifelong Learning with Deep Architectures
Continual/Lifelong Learning with Deep Architectures
 
PopMAG: Pop Music Accompaniment Generation
PopMAG: Pop Music Accompaniment GenerationPopMAG: Pop Music Accompaniment Generation
PopMAG: Pop Music Accompaniment Generation
 
PR-207: YOLOv3: An Incremental Improvement
PR-207: YOLOv3: An Incremental ImprovementPR-207: YOLOv3: An Incremental Improvement
PR-207: YOLOv3: An Incremental Improvement
 

Similar to Enhancing the Prediction Accuracy of Solar Power Generation using a Generative Adversarial Network.pdf

Short-Term Load Forecasting of Australian National Electricity Market by Hier...
Short-Term Load Forecasting of Australian National Electricity Market by Hier...Short-Term Load Forecasting of Australian National Electricity Market by Hier...
Short-Term Load Forecasting of Australian National Electricity Market by Hier...JEE HYUN PARK
 
ICDATE PPT (4).pptx
ICDATE PPT (4).pptxICDATE PPT (4).pptx
ICDATE PPT (4).pptxssuser356d4d
 
Short Term Electrical Load Forecasting by Artificial Neural Network
Short Term Electrical Load Forecasting by Artificial Neural NetworkShort Term Electrical Load Forecasting by Artificial Neural Network
Short Term Electrical Load Forecasting by Artificial Neural NetworkIJERA Editor
 
Optimal artificial neural network configurations for hourly solar irradiation...
Optimal artificial neural network configurations for hourly solar irradiation...Optimal artificial neural network configurations for hourly solar irradiation...
Optimal artificial neural network configurations for hourly solar irradiation...IJECEIAES
 
Short Term Load Forecasting: One Week (With & Without Weekend) Using Artifici...
Short Term Load Forecasting: One Week (With & Without Weekend) Using Artifici...Short Term Load Forecasting: One Week (With & Without Weekend) Using Artifici...
Short Term Load Forecasting: One Week (With & Without Weekend) Using Artifici...IJLT EMAS
 
Solar Irradiance Prediction using Neural Model
Solar Irradiance Prediction using Neural ModelSolar Irradiance Prediction using Neural Model
Solar Irradiance Prediction using Neural ModelDr. Amarjeet Singh
 
Dynamic_Feature_Selection_for_Solar_Irradiance_Forecasting_Based_on_Deep_Rein...
Dynamic_Feature_Selection_for_Solar_Irradiance_Forecasting_Based_on_Deep_Rein...Dynamic_Feature_Selection_for_Solar_Irradiance_Forecasting_Based_on_Deep_Rein...
Dynamic_Feature_Selection_for_Solar_Irradiance_Forecasting_Based_on_Deep_Rein...AhsunIqbal2
 
Intelligent methods in load forecasting
Intelligent methods in load forecastingIntelligent methods in load forecasting
Intelligent methods in load forecastingprj_publication
 
Solar Photovoltaic Power Forecasting in Jordan using Artificial Neural Networks
Solar Photovoltaic Power Forecasting in Jordan using Artificial Neural NetworksSolar Photovoltaic Power Forecasting in Jordan using Artificial Neural Networks
Solar Photovoltaic Power Forecasting in Jordan using Artificial Neural NetworksIJECEIAES
 
CFD down-scaling and online measurements for short-term wind power forecasting
CFD down-scaling and online measurements for short-term wind power forecastingCFD down-scaling and online measurements for short-term wind power forecasting
CFD down-scaling and online measurements for short-term wind power forecastingJean-Claude Meteodyn
 
IRJET - Intelligent Weather Forecasting using Machine Learning Techniques
IRJET -  	  Intelligent Weather Forecasting using Machine Learning TechniquesIRJET -  	  Intelligent Weather Forecasting using Machine Learning Techniques
IRJET - Intelligent Weather Forecasting using Machine Learning TechniquesIRJET Journal
 
A Time Series ANN Approach for Weather Forecasting
A Time Series ANN Approach for Weather ForecastingA Time Series ANN Approach for Weather Forecasting
A Time Series ANN Approach for Weather Forecastingijctcm
 
Solar output power forecast using an ensemble framework with neural predictor...
Solar output power forecast using an ensemble framework with neural predictor...Solar output power forecast using an ensemble framework with neural predictor...
Solar output power forecast using an ensemble framework with neural predictor...Muhammad Qamar Raza
 
PVPF tool: an automated web application for real-time photovoltaic power fore...
PVPF tool: an automated web application for real-time photovoltaic power fore...PVPF tool: an automated web application for real-time photovoltaic power fore...
PVPF tool: an automated web application for real-time photovoltaic power fore...IJECEIAES
 
Demand forecast of PV integrated bioclimatic buildings using ensemble framework
Demand forecast of PV integrated bioclimatic buildings using ensemble frameworkDemand forecast of PV integrated bioclimatic buildings using ensemble framework
Demand forecast of PV integrated bioclimatic buildings using ensemble frameworkMuhammad Qamar Raza
 
Solar Irradiation Prediction using back Propagation and Artificial Neural Net...
Solar Irradiation Prediction using back Propagation and Artificial Neural Net...Solar Irradiation Prediction using back Propagation and Artificial Neural Net...
Solar Irradiation Prediction using back Propagation and Artificial Neural Net...ijtsrd
 
Wind power prediction using a nonlinear autoregressive exogenous model netwo...
Wind power prediction using a nonlinear autoregressive  exogenous model netwo...Wind power prediction using a nonlinear autoregressive  exogenous model netwo...
Wind power prediction using a nonlinear autoregressive exogenous model netwo...IJECEIAES
 
Optimization scheme for intelligent master controller with collaboratives ene...
Optimization scheme for intelligent master controller with collaboratives ene...Optimization scheme for intelligent master controller with collaboratives ene...
Optimization scheme for intelligent master controller with collaboratives ene...IAESIJAI
 

Similar to Enhancing the Prediction Accuracy of Solar Power Generation using a Generative Adversarial Network.pdf (20)

Short-Term Load Forecasting of Australian National Electricity Market by Hier...
Short-Term Load Forecasting of Australian National Electricity Market by Hier...Short-Term Load Forecasting of Australian National Electricity Market by Hier...
Short-Term Load Forecasting of Australian National Electricity Market by Hier...
 
ICDATE PPT (4).pptx
ICDATE PPT (4).pptxICDATE PPT (4).pptx
ICDATE PPT (4).pptx
 
Short Term Electrical Load Forecasting by Artificial Neural Network
Short Term Electrical Load Forecasting by Artificial Neural NetworkShort Term Electrical Load Forecasting by Artificial Neural Network
Short Term Electrical Load Forecasting by Artificial Neural Network
 
Optimal artificial neural network configurations for hourly solar irradiation...
Optimal artificial neural network configurations for hourly solar irradiation...Optimal artificial neural network configurations for hourly solar irradiation...
Optimal artificial neural network configurations for hourly solar irradiation...
 
Short Term Load Forecasting: One Week (With & Without Weekend) Using Artifici...
Short Term Load Forecasting: One Week (With & Without Weekend) Using Artifici...Short Term Load Forecasting: One Week (With & Without Weekend) Using Artifici...
Short Term Load Forecasting: One Week (With & Without Weekend) Using Artifici...
 
Solar Irradiance Prediction using Neural Model
Solar Irradiance Prediction using Neural ModelSolar Irradiance Prediction using Neural Model
Solar Irradiance Prediction using Neural Model
 
E010323842
E010323842E010323842
E010323842
 
Dynamic_Feature_Selection_for_Solar_Irradiance_Forecasting_Based_on_Deep_Rein...
Dynamic_Feature_Selection_for_Solar_Irradiance_Forecasting_Based_on_Deep_Rein...Dynamic_Feature_Selection_for_Solar_Irradiance_Forecasting_Based_on_Deep_Rein...
Dynamic_Feature_Selection_for_Solar_Irradiance_Forecasting_Based_on_Deep_Rein...
 
Intelligent methods in load forecasting
Intelligent methods in load forecastingIntelligent methods in load forecasting
Intelligent methods in load forecasting
 
Solar Photovoltaic Power Forecasting in Jordan using Artificial Neural Networks
Solar Photovoltaic Power Forecasting in Jordan using Artificial Neural NetworksSolar Photovoltaic Power Forecasting in Jordan using Artificial Neural Networks
Solar Photovoltaic Power Forecasting in Jordan using Artificial Neural Networks
 
CFD down-scaling and online measurements for short-term wind power forecasting
CFD down-scaling and online measurements for short-term wind power forecastingCFD down-scaling and online measurements for short-term wind power forecasting
CFD down-scaling and online measurements for short-term wind power forecasting
 
H011137281
H011137281H011137281
H011137281
 
IRJET - Intelligent Weather Forecasting using Machine Learning Techniques
IRJET -  	  Intelligent Weather Forecasting using Machine Learning TechniquesIRJET -  	  Intelligent Weather Forecasting using Machine Learning Techniques
IRJET - Intelligent Weather Forecasting using Machine Learning Techniques
 
A Time Series ANN Approach for Weather Forecasting
A Time Series ANN Approach for Weather ForecastingA Time Series ANN Approach for Weather Forecasting
A Time Series ANN Approach for Weather Forecasting
 
Solar output power forecast using an ensemble framework with neural predictor...
Solar output power forecast using an ensemble framework with neural predictor...Solar output power forecast using an ensemble framework with neural predictor...
Solar output power forecast using an ensemble framework with neural predictor...
 
PVPF tool: an automated web application for real-time photovoltaic power fore...
PVPF tool: an automated web application for real-time photovoltaic power fore...PVPF tool: an automated web application for real-time photovoltaic power fore...
PVPF tool: an automated web application for real-time photovoltaic power fore...
 
Demand forecast of PV integrated bioclimatic buildings using ensemble framework
Demand forecast of PV integrated bioclimatic buildings using ensemble frameworkDemand forecast of PV integrated bioclimatic buildings using ensemble framework
Demand forecast of PV integrated bioclimatic buildings using ensemble framework
 
Solar Irradiation Prediction using back Propagation and Artificial Neural Net...
Solar Irradiation Prediction using back Propagation and Artificial Neural Net...Solar Irradiation Prediction using back Propagation and Artificial Neural Net...
Solar Irradiation Prediction using back Propagation and Artificial Neural Net...
 
Wind power prediction using a nonlinear autoregressive exogenous model netwo...
Wind power prediction using a nonlinear autoregressive  exogenous model netwo...Wind power prediction using a nonlinear autoregressive  exogenous model netwo...
Wind power prediction using a nonlinear autoregressive exogenous model netwo...
 
Optimization scheme for intelligent master controller with collaboratives ene...
Optimization scheme for intelligent master controller with collaboratives ene...Optimization scheme for intelligent master controller with collaboratives ene...
Optimization scheme for intelligent master controller with collaboratives ene...
 

More from Kundjanasith Thonglek

Sparse Communication for Federated Learning
Sparse Communication for Federated LearningSparse Communication for Federated Learning
Sparse Communication for Federated LearningKundjanasith Thonglek
 
Improving Resource Availability in Data Center using Deep Learning.pdf
Improving Resource Availability in Data Center using Deep Learning.pdfImproving Resource Availability in Data Center using Deep Learning.pdf
Improving Resource Availability in Data Center using Deep Learning.pdfKundjanasith Thonglek
 
Federated Learning of Neural Network Models with Heterogeneous Structures.pdf
Federated Learning of Neural Network Models with Heterogeneous Structures.pdfFederated Learning of Neural Network Models with Heterogeneous Structures.pdf
Federated Learning of Neural Network Models with Heterogeneous Structures.pdfKundjanasith Thonglek
 
Abnormal Gait Recognition in Real-Time using Recurrent Neural Networks.pdf
Abnormal Gait Recognition in Real-Time using Recurrent Neural Networks.pdfAbnormal Gait Recognition in Real-Time using Recurrent Neural Networks.pdf
Abnormal Gait Recognition in Real-Time using Recurrent Neural Networks.pdfKundjanasith Thonglek
 
Retraining Quantized Neural Network Models with Unlabeled Data.pdf
Retraining Quantized Neural Network Models with Unlabeled Data.pdfRetraining Quantized Neural Network Models with Unlabeled Data.pdf
Retraining Quantized Neural Network Models with Unlabeled Data.pdfKundjanasith Thonglek
 
Improving Resource Utilization in Data Centers using an LSTM-based Prediction...
Improving Resource Utilization in Data Centers using an LSTM-based Prediction...Improving Resource Utilization in Data Centers using an LSTM-based Prediction...
Improving Resource Utilization in Data Centers using an LSTM-based Prediction...Kundjanasith Thonglek
 
Intelligent Vehicle Accident Analysis System.pdf
Intelligent Vehicle Accident Analysis System.pdfIntelligent Vehicle Accident Analysis System.pdf
Intelligent Vehicle Accident Analysis System.pdfKundjanasith Thonglek
 
Auto-Scaling Apache Spark cluster using Deep Reinforcement Learning.pdf
Auto-Scaling Apache Spark cluster using Deep Reinforcement Learning.pdfAuto-Scaling Apache Spark cluster using Deep Reinforcement Learning.pdf
Auto-Scaling Apache Spark cluster using Deep Reinforcement Learning.pdfKundjanasith Thonglek
 

More from Kundjanasith Thonglek (8)

Sparse Communication for Federated Learning
Sparse Communication for Federated LearningSparse Communication for Federated Learning
Sparse Communication for Federated Learning
 
Improving Resource Availability in Data Center using Deep Learning.pdf
Improving Resource Availability in Data Center using Deep Learning.pdfImproving Resource Availability in Data Center using Deep Learning.pdf
Improving Resource Availability in Data Center using Deep Learning.pdf
 
Federated Learning of Neural Network Models with Heterogeneous Structures.pdf
Federated Learning of Neural Network Models with Heterogeneous Structures.pdfFederated Learning of Neural Network Models with Heterogeneous Structures.pdf
Federated Learning of Neural Network Models with Heterogeneous Structures.pdf
 
Abnormal Gait Recognition in Real-Time using Recurrent Neural Networks.pdf
Abnormal Gait Recognition in Real-Time using Recurrent Neural Networks.pdfAbnormal Gait Recognition in Real-Time using Recurrent Neural Networks.pdf
Abnormal Gait Recognition in Real-Time using Recurrent Neural Networks.pdf
 
Retraining Quantized Neural Network Models with Unlabeled Data.pdf
Retraining Quantized Neural Network Models with Unlabeled Data.pdfRetraining Quantized Neural Network Models with Unlabeled Data.pdf
Retraining Quantized Neural Network Models with Unlabeled Data.pdf
 
Improving Resource Utilization in Data Centers using an LSTM-based Prediction...
Improving Resource Utilization in Data Centers using an LSTM-based Prediction...Improving Resource Utilization in Data Centers using an LSTM-based Prediction...
Improving Resource Utilization in Data Centers using an LSTM-based Prediction...
 
Intelligent Vehicle Accident Analysis System.pdf
Intelligent Vehicle Accident Analysis System.pdfIntelligent Vehicle Accident Analysis System.pdf
Intelligent Vehicle Accident Analysis System.pdf
 
Auto-Scaling Apache Spark cluster using Deep Reinforcement Learning.pdf
Auto-Scaling Apache Spark cluster using Deep Reinforcement Learning.pdfAuto-Scaling Apache Spark cluster using Deep Reinforcement Learning.pdf
Auto-Scaling Apache Spark cluster using Deep Reinforcement Learning.pdf
 

Recently uploaded

Scaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationScaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationRadu Cotescu
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUK Journal
 
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024The Digital Insurer
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processorsdebabhi2
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024The Digital Insurer
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfEnterprise Knowledge
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityPrincipled Technologies
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptxHampshireHUG
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024Results
 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slidevu2urc
 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEarley Information Science
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Drew Madelung
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?Antenna Manufacturer Coco
 
Real Time Object Detection Using Open CV
Real Time Object Detection Using Open CVReal Time Object Detection Using Open CV
Real Time Object Detection Using Open CVKhem
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfsudhanshuwaghmare1
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountPuma Security, LLC
 
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationFrom Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationSafe Software
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking MenDelhi Call girls
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘RTylerCroy
 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationMichael W. Hawkins
 

Recently uploaded (20)

Scaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationScaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organization
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
 
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processors
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivity
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024
 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slide
 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?
 
Real Time Object Detection Using Open CV
Real Time Object Detection Using Open CVReal Time Object Detection Using Open CV
Real Time Object Detection Using Open CV
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path Mount
 
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationFrom Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘
 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day Presentation
 

Enhancing the Prediction Accuracy of Solar Power Generation using a Generative Adversarial Network.pdf

  • 1. Enhancing the Prediction Accuracy of Solar Power Generation using a Generative Adversarial Network Kundjanasith Thonglek1 , Kohei Ichikawa1 , Keichi Takahashi1 , Chawanat Nakasan2 , Kazufumi Yuasa3 , Tadatoshi Babasaki3 , Hajimu Iida1 1 Nara Institute of Science and Technology, Nara, Japan 2 Kanazawa University, Ishikawa, Japan 3 NTT FACILITIES, INC., Tokyo, Japan 1
  • 2. Produce stable electricity with solar power generation Cloud Wind A commonly known problem in solar power generation is Controlling the amount of stored electricity in batteries to produce stable electricity ➢ Unpredictable ➢ No pollution ➢ Predictable ➢ Pollution 2
  • 3. Prediction of solar power generation ➢ There are several existing approaches to tackle controlling the amount of stored electricity in batteries to produce stable electricity ○ Designing a new energy storage [1] ○ Improving the capacity of the batteries [2] ○ Building a prediction model for the solar power generation [3] ➢ Applying a new energy storage or developing the existing batteries requires large amounts of investment more than embedding prediction models ○ Therefore, the development of highly accurate prediction models such as deep learning has received much attentions References [1] C. Thombre, S. Shah, M. Mahajan, and T. Haldankar, “Design of a battery-less solar energy storage system based on re-generation of energy”, in Proceedings of IEEE International Conference on Computing, Communication and Networking Technologies (ICCCNT), 2017, pp. 1-5. [2] Z. Hradiflex, P. Moldrik, and R. Chvalek, “Solar energy storage using hydrogen technology”, in Proceedings of IEEE International Conference on Environment and Electrical Engineering (EEEIC), 2010, pp. 110-113 [3] V. Prema and U. Rao, “Development of statistical time series models for solar power prediction”, Renewable Energy, Vol 83, 2015, pp. 100-109 3
  • 4. Deep learning approaches ➢ Deep learning is a kind of machine learning approach that applies neural networks with many layers ○ It has been proved to be highly effective in a wide range of prediction ➢ Applying LSTM is outperformed for predicting solar power generation [1] ○ Solar power generation is a kind of time-series data ○ LSTM ■ It is a type of recurrent neural network ■ It is able to hold long-term historical data ■ It is able to learn contexts from time-series data and forecast future trends References [1] J. Zhang, Y. Chi, and L. Xiao, “Solar power generation forecast based on LSTM”, in Proceedings of IEEE International Conference on Software Engineering and Service Science (ICSESS), 2018, pp. 869-872 4
  • 5. Frequency distribution of solar power generation ➢ The maximum values of solar power generation is 8.0 kWh ➢ The minimum values of solar power generation is 0.0 kWh Solar power generation is strongly biased towards 0.0 kWh This imbalance dataset makes it difficult to build an accurate prediction model 5
  • 6. Average daily solar power generation in each month Solar power generation is varied over various seasons in one year This large seasonal variation of the dataset also makes it difficult to build an accurate prediction model 6 The gap between highest and lowest solar power generation is very large
  • 7. Data augmentation ➢ The size and variability of training datasets are important factors that affect the prediction accuracy of deep learning models. ➢ In general, limited size and variability of the training dataset lead to underfitting or overfitting problems. ○ Data augmentation alleviates those problems by increasing the size and variability of training datasets with artificially generated samples ➢ Data augmentation for time-series ○ Basic approaches: time-domain and frequency-domain methods ○ Advanced approaches: statistical-based and learning-based methods 7
  • 8. Generative Adversarial Network (GAN) ➢ GAN is one of the most popular learning-based methods for time-series data augmentation ➢ GAN can prevent some limitations caused by adversarial learning in the practical application of the conventional generative models ➢ Two models are trained simultaneously by an adversarial process. ○ A generator ("the artist") learns to create images that look real ○ A discriminator ("the art critic") learns to tell real images apart from fakes. 8 References I. Goodfellow, J. Pouget-Abadie, M. Mirza, B. Xu, D. Warde-Farley, S. Ozair, A. Courville, and Y. Bengio, “Generative adversarial nets,” in Proceedings of Advances in Neural Information Processing Systems (NerIPS), Z. Ghahramani, M. Welling, C. Cortes, N. Lawrence, and K. Q. Weinberger, Eds., vol. 27. Curran Associates, Inc., 2014.
  • 9. Dataset ➢ Since solar power system does not generate electricity at night, we take only data for every hour from 6:00 AM to 6:00 PM ○ There are 13 records per day Dec 6, 2017, 6:00 AM - Jun 17, 2020, 6:00 PM Past solar power generation data Solar power system installed at Shinohashi building of NTT Facilities (NTT-F) Weather forecast data [1] Meso-Scale Model of Japan Meteorological Agency (JMA) 9 References [1] K. Saito, T. Fujita, Y. Yamada, J. ichi Ishida, Y. Kumagai, K. Aranami, S. Ohmori, R. Nagasawa, S. Kumagai, C. Muroi, T. Kato, H. Eito, and Y. Yamazaki, “The operational JMA nonhydrostatic mesoscale model,” Monthly Weather Review, vol. 134, no. 4, pp. 1266–1298, 2006.
  • 10. Correlation of the features in our dataset The highest correlation coefficient between Solar radiation & Solar power generation with a correlation coefficient of 0.79 The lowest correlation coefficient between Middle cloudage & Solar power generation with a correlation coefficient of -0.34 Correlation coefficient It is used to measure the strength of the relationship between two variables. 10
  • 11. Our approach 11 Dataset Training Dataset Testing Dataset LSTM-based Prediction Model GAN-based Model Augmented Dataset Evaluation 1. Preparation of training and testing datasets 2. Data augmentation using GAN-based model 3. Prediction using LSTM-based model
  • 12. Input and output data range for the prediction model ➢ We propose a model to predict the next 24 hours solar power generation (i.e. 13 hours data except for the night time) with the past information t Current time step Solar power generation Weather forecast information Solar power generation t + 13 t - 13 ➢ The length of input sequence is 13 ➢ The length of output sequence is 13 Predict future solar power generation for next 13 time steps except for the night time. 12
  • 13. Input data for the proposed GAN-based model The input data format of the proposed GAN-based model is composed of two parts 13 First part is a matrix of 13 x 12 that matches with the input data of our proposed LSTM-based model Second part is a matrix of 13 x 1 that matches with the output data of our proposed LSTM-based model
  • 14. Architecture of proposed GAN-based model 14 Input layer Discriminator model Generator model Convolutional layer First Deconvolutional layer Second Deconvolutional layer First Convolutional layer Second Convolutional layer Fully connected layer Input layer
  • 15. Architecture of LSTM-based prediction model The length of input sequence The number of selected features The length of output sequence The number of hidden units 15 Output layer is fully-connected layer with ReLU activation function
  • 16. Original Data Generated Data Example of generated and original data The proposed GAN-based model was able to generated data efficiently because the distribution of the generated data after training process is similar to the original data 16 Generated data at 1st epoch Generated data at 100th epoch
  • 17. Prediction accuracy 17 The prediction model using the original dataset The prediction model using the augmented dataset Since neural networks are initialized with random weights, we trained the model 100 times with stratified K-fold cross-validation, and measured and averaged the RMSE. 0.1497 0.1898 0.0606 0.0802
  • 18. Prediction results 18 The prediction results indicates that the prediction error around noon is greater than that of early morning and late evening.
  • 19. Conclusion ➢ We studied how to improve the control of stored electricity in batteries to produce stable electricity by predicting future solar power generation using the past solar power generation and weather information ➢ The proposed LSTM-based prediction model achieved an RMSE of 0.1898 with stratified k-fold cross-validation ➢ To further enhance the accuracy of our prediction model, we designed a neural network model based on GAN to augment the training dataset. ○ The proposed generative model is able to increase the number and variability of the dataset. With the augmented dataset, our prediction model achieved an RMSE of 0.0802 19
  • 20. Future works ➢ Other data augmentation methods will be investigated to further improve the prediction accuracy ➢ Data on solar power generation and weather information from other sources should be used to validate the generality of the proposed prediction method ➢ Significant behaviors and features that impact on the control of the stored electricity in batteries will be investigated 20
  • 21. Q&A Thank you for your attention Email: thonglek.kundjanasith.ti7@is.naist.jp 21