Load Forecasting with Artificial Intelligence on Big Data

Similar documents
System Implementation for SemEval-2017 Task 4 Subtask A Based on Interpolated Deep Neural Networks

Autoregressive product of multi-frame predictions can improve the accuracy of hybrid models

Lecture 1: Machine Learning Basics

Deep search. Enhancing a search bar using machine learning. Ilgün Ilgün & Cedric Reichenbach

Python Machine Learning

QuickStroke: An Incremental On-line Chinese Handwriting Recognition System

A New Perspective on Combining GMM and DNN Frameworks for Speaker Adaptation

Module 12. Machine Learning. Version 2 CSE IIT, Kharagpur

Axiom 2013 Team Description Paper

Training a Neural Network to Answer 8th Grade Science Questions Steven Hewitt, An Ju, Katherine Stasaski

CSL465/603 - Machine Learning

A Neural Network GUI Tested on Text-To-Phoneme Mapping

Unsupervised Learning of Word Semantic Embedding using the Deep Structured Semantic Model

(Sub)Gradient Descent

arxiv: v1 [cs.lg] 7 Apr 2015

A Review: Speech Recognition with Deep Learning Methods

Dropout improves Recurrent Neural Networks for Handwriting Recognition

THE world surrounding us involves multiple modalities

Laboratorio di Intelligenza Artificiale e Robotica

Artificial Neural Networks written examination

Evolutive Neural Net Fuzzy Filtering: Basic Description

OPTIMIZATINON OF TRAINING SETS FOR HEBBIAN-LEARNING- BASED CLASSIFIERS

UNIDIRECTIONAL LONG SHORT-TERM MEMORY RECURRENT NEURAL NETWORK WITH RECURRENT OUTPUT LAYER FOR LOW-LATENCY SPEECH SYNTHESIS. Heiga Zen, Haşim Sak

ADVANCED MACHINE LEARNING WITH PYTHON BY JOHN HEARTY DOWNLOAD EBOOK : ADVANCED MACHINE LEARNING WITH PYTHON BY JOHN HEARTY PDF

TRANSFER LEARNING OF WEAKLY LABELLED AUDIO. Aleksandr Diment, Tuomas Virtanen

Глубокие рекуррентные нейронные сети для аспектно-ориентированного анализа тональности отзывов пользователей на различных языках

PREDICTING SPEECH RECOGNITION CONFIDENCE USING DEEP LEARNING WITH WORD IDENTITY AND SCORE FEATURES

HIERARCHICAL DEEP LEARNING ARCHITECTURE FOR 10K OBJECTS CLASSIFICATION

Lecture 1: Basic Concepts of Machine Learning

Generative models and adversarial training

Human Emotion Recognition From Speech

arxiv: v1 [cs.lg] 15 Jun 2015

Forget catastrophic forgetting: AI that learns after deployment

Georgetown University at TREC 2017 Dynamic Domain Track

IEEE/ACM TRANSACTIONS ON AUDIO, SPEECH AND LANGUAGE PROCESSING, VOL XXX, NO. XXX,

arxiv: v4 [cs.cl] 28 Mar 2016

Distributed Learning of Multilingual DNN Feature Extractors using GPUs

Learning Methods for Fuzzy Systems

A study of speaker adaptation for DNN-based speech synthesis

Knowledge Transfer in Deep Convolutional Neural Nets

Top US Tech Talent for the Top China Tech Company

On-Line Data Analytics

Attributed Social Network Embedding

Calibration of Confidence Measures in Speech Recognition

Residual Stacking of RNNs for Neural Machine Translation

Second Exam: Natural Language Parsing with Neural Networks

A Simple VQA Model with a Few Tricks and Image Features from Bottom-up Attention

Automating the E-learning Personalization

Probabilistic Latent Semantic Analysis

TD(λ) and Q-Learning Based Ludo Players

Seminar - Organic Computing

Learning Methods in Multilingual Speech Recognition

Reduce the Failure Rate of the Screwing Process with Six Sigma Approach

A Latent Semantic Model with Convolutional-Pooling Structure for Information Retrieval

A Deep Bag-of-Features Model for Music Auto-Tagging

Laboratorio di Intelligenza Artificiale e Robotica

Introduction to Ensemble Learning Featuring Successes in the Netflix Prize Competition

POS tagging of Chinese Buddhist texts using Recurrent Neural Networks

SARDNET: A Self-Organizing Feature Map for Sequences

Machine Learning from Garden Path Sentences: The Application of Computational Linguistics

Modeling function word errors in DNN-HMM based LVCSR systems

Framewise Phoneme Classification with Bidirectional LSTM and Other Neural Network Architectures

Course Outline. Course Grading. Where to go for help. Academic Integrity. EE-589 Introduction to Neural Networks NN 1 EE

Semi-Supervised GMM and DNN Acoustic Model Training with Multi-system Combination and Confidence Re-calibration

Time series prediction

Developing True/False Test Sheet Generating System with Diagnosing Basic Cognitive Ability

arxiv: v1 [cs.cl] 27 Apr 2016

The Enterprise Knowledge Portal: The Concept

Business Analytics and Information Tech COURSE NUMBER: 33:136:494 COURSE TITLE: Data Mining and Business Intelligence

Evolution of Symbolisation in Chimpanzees and Neural Nets

Notes on The Sciences of the Artificial Adapted from a shorter document written for course (Deciding What to Design) 1

Using Deep Convolutional Neural Networks in Monte Carlo Tree Search

Software Maintenance

Cultivating DNN Diversity for Large Scale Video Labelling

Model Ensemble for Click Prediction in Bing Search Ads

Ecole Polytechnique Fédérale de Lausanne EPFL School of Computer and Communication Sciences IC. School of Computer and Communication Sciences

Speech Emotion Recognition Using Support Vector Machine

arxiv: v4 [cs.cv] 13 Aug 2017

AUTOMATIC DETECTION OF PROLONGED FRICATIVE PHONEMES WITH THE HIDDEN MARKOV MODELS APPROACH 1. INTRODUCTION

Test Effort Estimation Using Neural Network

On the Formation of Phoneme Categories in DNN Acoustic Models

Modeling function word errors in DNN-HMM based LVCSR systems

Challenges in Deep Reinforcement Learning. Sergey Levine UC Berkeley

A Reinforcement Learning Variant for Control Scheduling

INPE São José dos Campos

MYCIN. The MYCIN Task

DIRECT ADAPTATION OF HYBRID DNN/HMM MODEL FOR FAST SPEAKER ADAPTATION IN LVCSR BASED ON SPEAKER CODE

CS224d Deep Learning for Natural Language Processing. Richard Socher, PhD

Natural Language Processing. George Konidaris

Summarizing Answers in Non-Factoid Community Question-Answering

SEMI-SUPERVISED ENSEMBLE DNN ACOUSTIC MODEL TRAINING

The 9 th International Scientific Conference elearning and software for Education Bucharest, April 25-26, / X

Learning to Schedule Straight-Line Code

Learning Structural Correspondences Across Different Linguistic Domains with Synchronous Neural Language Models

THE enormous growth of unstructured data, including

Guru: A Computer Tutor that Models Expert Human Tutors

Softprop: Softmax Neural Network Backpropagation Learning

DEVELOPMENT OF AN INTELLIGENT MAINTENANCE SYSTEM FOR ELECTRONIC VALVES

Robust Speech Recognition using DNN-HMM Acoustic Model Combining Noise-aware training with Spectral Subtraction

Soft Computing based Learning for Cognitive Radio

Transcription:

1 Load Forecasting with Artificial Intelligence on Big Data October 9, 2016 Patrick GLAUNER and Radu STATE SnT - Interdisciplinary Centre for Security, Reliability and Trust, University of Luxembourg

2 Biography PhD student at the University of Luxembourg Collaboration with Choice Technologies Holding on detection of non-technical losses (NTL) MSc in Machine Learning from Imperial College London Previously worked at CERN and SAP

3 Motivation Artificial Intelligence: "AI is the science of knowing what to do when you don't know what to do." (Peter Norvig, www.youtube.com/watch?v=rtmq3xlt- 4A4m45) Machine Learning is the field of study that gives computers the ability to learn without being explicitly programmed.

4 Motivation Data: Label/target: 2

5 Motivation Goal: Predict time series of load

6 Agenda 1. Neural networks 2. Deep Learning 3. TensorFlow 4. Load forecasting 5. Conclusions and outreach

7 Neural networks Christopher M. Bishop, ``Pattern Recognition and Machine Learning", Springer, 2007.

8 Neural networks Li Deng and Dong Yu, ``Deep Learning Methods and Applications", Foundations and Trends in Signal Processing, vol. 7, issues 3-4, pp. 197-387, 2014.

9 Neural networks The activation of unit i of layer j+1 can be calculated:

Neural networks 10

11 Neural networks Cost function for m examples, hypothesis h θ and target values y (i) :

12 Neural networks How to optimize the weights? http://sebastianraschka.com/faq/docs/close d-form-vs-gd.html

Neural networks 13

Neural networks 14

15 Neural networks How to compute the partial derivatives?

Neural networks 16

17 Deep Learning The Analytics Store, ``Deep Learning, http://theanalyticsstore.com/deep-learning/, retrieved: March 1, 2015.

18 Deep Learning: DeepMind Founded in 2010 in London Created a neural network that learns how to play video games in a similar fashion to humans Acquired by Google in 2014, estimates range from USD 400 million to over GBP 500 million Now being used in Google's search engine AlphaGo played the game of Go at super-human performance

19 TensorFlow TensorFlow (J. Dean, R. Monga et al., `` TensorFlow: Large-Scale Machine Learning on Heterogeneous Distributed Systems", 2015.) is used by Google for most of its Deep Learning products: Offers neural networks (NN), convolutional neural networks (CNN), recurrent neural networks (RNN) and long-short term memories (LSTM) Computations are expressed as a data flow graph Can be used for research and production Python and C++ interfaces

20 TensorFlow Code snippets available from Udacity class: https://www.udacity.com/course/deeplearning--ud730 ipython notebooks: https://github.com/tensorflow/tensorflow/tre e/master/tensorflow/examples/udacity

21 TensorFlow: Playground Let us use the playground together: http://playground.tensorflow.org

22 TensorFlow A Tensor is a typed multi-dimensional array Nodes in the graph are called ops An op takes zero or more Tensors, performs some computation, and produces zero or more Tensors Two phases: Construction phase, that assembles a graph Execution phase that uses a session to execute ops in the graph Auto-differentationof the graph to compute partial derivatives used in stochastic gradient descent (SGD)

TensorFlow 23

TensorFlow: GPU acceleration 24

25 TensorFlow: GPU acceleration http://www.nvidia.com/object/tesla-servers.html

26 TensorFlow Great documentation: https://www.tensorflow.org/versions/0.6.0/ge t_started Installation: https://www.tensorflow.org/versions/0.6.0/ge t_started/os_setup.html

27 Load forecasting Goal: Predict time series of load

28 Load forecasting Feed-forward networks lack the ability to handle temporal data Recurrent neural networks (RNN) have cycles in the graph structure, allowing them to keep temporal information

29 Load forecasting A long short-term memory (LSTM) (S. Hochreiter and J. Schmidhuber, ``Long short-term memory", Neural Computation, vol. 9, issue 8, pp. 1735-1780, 1997.) is a modular recurrent neural network composed of LSTM cells LSTM cells can be put together in a modular structure to build complex recurrent neural networks LSTMs have been reported to outperform regular RNNs and Hidden Markov Models in classification and time series prediction tasks (N. Srivastava, E. Mansimov and R. Salakhutdinov, ``Unsupervised Learning of Video Representations using LSTMs", University of Toronto, 2015.)

30 Load forecasting Source code: https://github.com/pglauner/isgt_europe_20 16_Tutorial Simplified example, as time series is synthetic and harmonic More complex task will follow later

31 Load forecasting Training on two time series at the same time Input values of each time series: value, derivative, second-order derivative Training data must be sufficiently long

Load forecasting 32

Load forecasting 33

Load forecasting 34

Load forecasting 35

Load forecasting 36

Load forecasting 37

Load forecasting 38

39 Load forecasting: Outreach Add some noise for more realistic synthetic data Real-world load forecasting problem: www.kaggle.com/c/global-energy-forecasting-competition- 2012-load-forecasting Models can be applied to other regression problems or time series classification (e.g. for detection of non-technical losses) Usually more features need to be added Model selection in order to tweak hyper parameters (architecture, learning rate, etc.)

40 Conclusions and outreach Deep neural networks can learn complex feature hierarchies Significant speedup of training due to GPU acceleration TensorFlow is a easy-to-use Deep Learning framework Interfaces for Python and C++ Offers rich functionality and advanced features, such as LSTMs Udacity class and lots of documentation and examples available