【Paper】Electric Energy Consumption Prediction by Deep Learning with State Explainable Autoencoder

Electric Energy Consumption Prediction by Deep Learning with State Explainable Autoencoder



Abstract

As energy demand grows globally, the energy management system (EMS) is becoming increasingly important. Energy prediction is an essential component in the first step to create a management plan in EMS. Conventional energy prediction models focus on prediction performance, but in order to build an efficient system, it is necessary to predict energy demand according to various conditions. In this paper, we propose a method to predict energy demand in various situations using a deep learning model based on an autoencoder. This model consists of a projector that defines an appropriate state for a given situation and a predictor that forecasts energy demand from the defined state. The proposed model produces consumption predictions for 15, 30, 45, and 60 minutes with 60-minute demand to date. In the experiments with household electric power consumption data for five years, this model not only has a better performance with a mean squared error of 0.384 than the conventional models, but also improves the capacity to explain the results of prediction by visualizing the state with t-SNE algorithm. Despite unsupervised representation learning, we confirm that the proposed model defines the state well and predicts the energy demand accordingly. 随着全球能源需求的增长,能源管理系统(EMS)变得越来越重要。能源预测是在EMS中创建管理计划的第一步的重要组成部分。常规的能量预测模型着重于预测性能,但是为了构建高效的系统,有必要根据各种条件来预测能量需求。在本文中,我们提出了一种基于自动编码器的深度学习模型来预测各种情况下的能源需求的方法。该模型由定义用于给定情况的适当状态的投影仪和根据定义的状态预测能量需求的预测器组成。所提出的模型会产生15分钟,30分钟,45分钟和60分钟的消耗量预测,而迄今为止的需求为60分钟。在五年的家庭用电量数据实验中,该模型不仅具有比传统模型更好的性能,均方差为0.384,而且通过使用t-SNE可视化状态来提高解释预测结果的能力算法。尽管无监督的表示学习,我们确认提出的模型很好地定义了状态并相应地预测了能量需求。
Keywords: electric energy; energy prediction; energy management system; deep learning; autoencoder; explainable AI 关键词:电能;能量预测;能源管理系统;深度学习;自动编码器;可解释的人工智能

1. Introduction

As industrialization has progressed globally and the industry has developed, the demand for energy has become so high that energy has become an important topic in national policy [1]. In addition, energy use is rapidly increasing due to economic growth and human development [2]. The causes of these phenomena can be attributed to uncontrolled energy use such as overconsumption, poor infrastructure, and wastage of energy [3]. Among the demanders of various energy sources, Streimikiene estimates that residential energy consumption will account for a large proportion by 2030 [4]. According to Zuo, 39 % of the United States’ total energy use is referred to as building energy consumption [5]. An energy management system (EMS) like a smart grid has been proposed to control the demand for soaring energy. 随着全球工业化的发展和行业的发展,对能源的需求变得如此之高,以至于能源已成为国家政策中的重要主题[1]。此外,由于经济增长和人类发展,能源使用正在迅速增加[2]。这些现象的原因可归因于能源使用不受控制,例如过度消费,基础设施差和能源浪费[3]。在各种能源的需求者中,Streimikiene估计,到2030年,住宅能耗将占很大的比例[4]。左说,美国能源消耗总量的39%被称为建筑能耗[5]。已经提出了一种像智能电网这样的能源管理系统(EMS),以控制不断增长的能源需求。
One work cycle of the EMS is the Plan-Do-Check-Act (PDCA) cycle as depicted in Figure 1 [6]. Formulating an energy plan is the first thing to do. This is the decision of the initial energy baseline, the energy performance indicators, the strategic and operative energy objectives, and the action plans. In the “do” phase, planning and action take place. The plans conducted in the previous phase have to be checked to ensure that they are effective. In the last phase, the results are reviewed, and a new strategy is established. Among the four stages, the “plan” phase is very important because it is the stage of establishing an energy use strategy and it includes an energy demand forecasting step. Therefore, it is necessary to study the energy prediction model to construct an efficient EMS. EMS的一个工作周期是计划-执行-检查-执行(PDCA)周期,如图1所示[6]。制定能源计划是第一件事。这是初始能源基准,能源绩效指标,战略和运营能源目标以及行动计划的决定。在“执行”阶段,将进行计划和采取行动。必须检查上一阶段执行的计划,以确保其有效。在最后阶段,将对结果进行审查,并制定新的策略。在这四个阶段中,“计划”阶段非常重要,因为它是建立能源使用策略的阶段,并且包括能源需求预测步骤。因此,有必要研究能量预测模型以构建有效的EMS。

在这里插入图片描述

Many researchers have conducted studies with various methods to predict energy demand. In the past, machine learning techniques such as the support vector machine (SVM) and linear regression (LR) have been widely used. However, as shown in Figure 2a, energy demand values over time are complex and noisy, which limits performance. As depicted in Figure 2b, the Fourier transform to analyze patterns of energy demand reveals that it has complex features. For quantitative analysis, t-test and ANOVA were performed on the dataset used in this paper as shown in Table 1. In the statistical analysis using the t-test, two groups (e.g., two different months in monthly demand) are chosen randomly and computed p-values, and we compute the average of all possible sampling. In the case of using ANOVA, p-value is computed from all the groups in each month, date, and hour. 许多研究人员已经用各种方法进行了研究,以预测能源需求。过去,诸如支持向量机(SVM)和线性回归(LR)的机器学习技术已被广泛使用。但是,如图2a所示,能源需求值随时间变化既复杂又嘈杂,从而限制了性能。如图2b所示,对能源需求模式进行分析的傅立叶变换表明它具有复杂的功能。为了进行定量分析,对本文使用的数据集进行了t检验和ANOVA(方差分析(Analysis of Variance,ANOVA)),如表1所示。在使用t检验的统计分析中,随机选择了两组(例如,每月需求量不同的两个月),计算p值,然后计算所有可能采样的平均值。在使用ANOVA的情况下,将从每个月,日期和小时中的所有组计算p值。

在这里插入图片描述
在这里插入图片描述

As the result of our analysis that the characteristics of energy demand are complex, we have conducted the research with deep learning to extract difficult characteristics and work out tasks. Studies conducted using deep learning have contributed a lot to improving prediction performance, but they have not led to more utility from an energy management system perspective. If the energy demand forecasting model in the EMS copes with various situations and predicts the demand, it will be able to build a more efficient system. Therefore, in this paper, we propose a model that predicts future energy demand with that until now, considers various situations, and predicts energy demand according to different situations. This model consists of a projector that defines the state based on the energy demand to date and a predictor that predicts future energy demand from the defined state. We can adjust the automatically learned state in the middle to predict the energy demand with the consideration of various situations. The summary of the main contribution is as follows. 由于我们分析了能源需求的特征很复杂,因此我们进行了深度学习研究,以提取困难特征并制定任务。使用深度学习进行的研究对提高预测性能做出了很大贡献,但是从能源管理系统的角度来看,它们并未带来更多的效用。如果EMS中的能源需求预测模型能够应对各种情况并预测需求,则它将能够构建更高效的系统。因此,在本文中,我们提出了一个模型,该模型可以预测迄今为止的未来能源需求,考虑各种情况,并根据不同情况预测能源需求。该模型由一台投影仪和一台预测器组成,该投影仪根据迄今为止的能源需求定义状态,而该预测器根据定义的状态预测未来的能源需求。考虑到各种情况,我们可以在中间调整自动学习状态以预测能量需求。主要贡献概述如下。
⚫ We propose a novel predictive model that can be explained by not only predicting future demand for electric power but also defining current demand pattern as state. ⚫ Our model predicts a very complex power demand value with stable and high performance compared with previous studies. ⚫ We analyze the state defined in latent space by the proposed model and investigate a model that predicts the power demand by assuming various explanations. ⚫我们提出了一种新颖的预测模型,该模型不仅可以预测未来的电力需求,而且可以将当前需求模式定义为状态来解释。⚫与以前的研究相比,我们的模型预测出具有稳定和高性能的非常复杂的电力需求值。 ⚫我们通过提出的模型分析了在潜在空间中定义的状态,并研究了通过做出各种解释来预测电力需求的模型。
The rest of the paper is as follows. Section 2 introduces the previous studies for forecasting energy demand and addresses the limitations. To overcome these shortcomings, we propose our model in Section 3. Section 4 shows the results of the energy demand forecasting with the proposed model and also shows the result of forecasting the demand by considering various situations. In the final section, conclusions and discussion are presented. 本文的其余部分如下。第2节介绍了先前的预测能源需求的研究并解决了局限性。为了克服这些缺点,我们在第3节中提出了我们的模型。第4节显示了用提出的模型进行的能源需求预测的结果,并且还显示了通过考虑各种情况而预测的需求的结果。在最后一节中,提出了结论和讨论。

2. Related Works

Several studies have been conducted to predict energy demand mentioned in Section 1. Table 2 summarizes the previous studies. In the past, statistical techniques were used mainly to predict energy demand. Munz et al. predicted a time series of irregular patterns using k-means clustering [7]. Kandananond used different forecasting methods—autoregressive integrated moving average (ARIMA), artificial neural network (ANN), and multiple linear regression (MLR) —to predict energy consumption [8]. Cauwer et al. proposed a method to predict energy consumption using a statistical model and its underlying physical principles [9]. 已经进行了一些研究来预测第1节中提到的能源需求。表2总结了先前的研究。过去,统计技术主要用于预测能源需求。 Munz等。使用k均值聚类预测了不规则模式的时间序列[7]。 Kandananond使用不同的预测方法(自回归综合移动平均值(ARIMA),人工神经网络(ANN)和多元线性回归(MLR))来预测能耗[8]。 Cauwer等。提出了一种使用统计模型及其基本物理原理预测能耗的方法[9]。
However, due to the irregular patterns of energy demand, statistical techniques have limited performance and many models of prediction using machine learning methods have been investigated. Dong et al. predicted the demand of building energy using SVM with consumption and weather information [10]. Gonzalez and Zamarreno forecasted the next temperature from the temperature to date using a feedforward neural network (NN) and predicted the requirement with the difference of them [11]. Ekici and Aksoy predicted the building energy needs with properties of buildings without weather conditions [12]. Li et al. estimated the annual energy demand using SVM with the building’s transfer coefficient [13]. However, these studies only constructed models to predict correct value corresponding to the input so as to lack the basis for influence of the input features. To solve this problem, Xuemei et al. set the state for forecasting energy consumption through fuzzy c-means clustering and predicted demand with fuzzy SVM [14]. Ma forecasted energy consumption with specific population activities or unexpected events, as well as weather condition as inputs of the MLR model [15]. Although the above studies set the state and forecasted future consumption based on it, they lacked the mechanism to identify the state accurately. 但是,由于能源需求的不规则模式,统计技术的性能有限,并且已经研究了使用机器学习方法进行预测的许多模型。董等。利用支持向量机(SVM)结合消耗和天气信息来预测建筑能源需求[10]。 Gonzalez和Zamarreno使用前馈神经网络(NN)预测了从温度到当前的下一个温度,并预测了两者之间的差异[11]。 Ekici和Aksoy通过没有天气条件的建筑物的特性预测了建筑物的能源需求[12]。 Li等。使用支持向量机(SVM)和建筑物的传递系数[13]估算了年度能源需求。然而,这些研究仅构建模型来预测与输入相对应的正确值,从而缺乏影响输入特征的基础。为了解决这个问题,雪梅等人。通过模糊c均值聚类来设置能耗预测状态,并使用模糊SVM来预测需求[14]。 Ma预测了特定人口活动或突发事件的能源消耗,以及天气状况作为MLR模型的输入[15]。尽管以上研究设定了状态并基于状态进行了预测,但它们缺乏准确识别状态的机制。
As mentioned in Section 1, the energy consumption data contain large noise. Deep learning, which is a rising method to solve complex tasks of late, is efficient for predicting energy demand because it solves tasks by modeling complex characteristics of data well [16]. Ahmad et al. forecasted energy demand by constructing a deep NN and inputting the information of weather and building usage rate [17]. Lee et al. estimated environmental consumption by using a temporal model like recurrent neural network (RNN) with energy consumption data and temporal features [18]. Li et al. proposed a method to predict energy demand with autoencoder, one of the methods to represent data [19]. However, Li et al.’s model included only fully-connected layers, so that temporal features were ignored, and it is hard to control the conditions because latent space where the features of data are represented is not defined in that model. 如第1节所述,能耗数据包含很大的噪声。深度学习是解决近来复杂任务的一种新兴方法,可有效预测能源需求,因为它通过对数据的复杂特征进行建模来解决任务[16]。 Ahmad等。通过构建一个深度神经网络并输入天气和建筑物使用率信息来预测能源需求[17]。 Lee等。通过使用具有能耗数据和时间特征的递归神经网络(RNN)这样的时间模型来估算环境消耗[18]。 Li等。提出了一种使用自动编码器预测能量需求的方法,这是一种表示数据的方法[19]。但是,Li等人的模型仅包含完全连接的层,因此忽略了时态特征,并且由于该模型中未定义表示数据特征的潜在空间,因此很难控制条件。
Although some of the above studies provided novel research directions, other features such as information of weather and building are used in addition to the energy demand value, which is costly to construct the model for energy consumption prediction. Besides, they lack the explanation capability on the predicted value, because there was no study on the state to analyze the results of prediction. However, studies that analyze and explain the predictive results are essential for practical use of the predictive model. In this paper, we propose a model that visualizes a state by defining the state based on the current usage pattern and date information, so as to be able to explain the results of prediction. Our model, like any other prediction models, takes the energy demand up to now as input and predicts consumption in the future. However, in order to overcome the limitations of the end-to-end system, which cannot analyze the internal prediction process, we add a step to define the state of the demand pattern in the middle. 尽管上述一些研究提供了新颖的研究方向,但是除了能源需求值之外,还使用了诸如天气和建筑物信息之类的其他功能,这对于构建能耗预测模型来说是昂贵的。此外,由于没有研究状态来分析预测结果的方法,因此缺乏对预测值的解释能力。但是,分析和解释预测结果的研究对于实际使用预测模型至关重要。在本文中,我们提出了一个模型,该模型通过基于当前使用模式和日期信息定义状态来可视化状态,从而能够解释预测结果。与其他任何预测模型一样,我们的模型将到目前为止的能源需求作为输入,并预测未来的能耗。但是,为了克服无法分析内部预测过程的端到端系统的局限性,我们在中间添加了一个步骤来定义需求模式的状态。

在这里插入图片描述


3. Proposed Method

As mentioned in Sections 1 and 2, nonlinear approaches, including those based on fuzzy and neural net, have demonstrated successful performance in many applications [20–23]. In this paper, we have contributed to the field of application by solving the power demand forecasting problem using the deep neural network-based method. Compared to the previous work, the overall architecture of our model consists of a projector f and a predicter g, similar to an auto-encoder consisting of an encoder and a decoder as shown in Figure 3 [24]. There are many ways to deal with time series data, but f and g are based on long short-term memory (LSTM), one of the RNN’s, to handle time series data [25–28]. Predictor uses the output value of each time-step as the input of the next [29]. The projector defines the state by compressing the energy demand and transferring it to the latent space representing the demand information. Predictor predicts future energy demand based on the defined state. It can be done by end-to-end learning of the projector and the predictor, and the process of defining state is trained automatically. In the variational autoencoder (VAE), the state defined on the latent space contains the feature of the produced data, and also contains the information of the expected energy consumption, as well as features of the input values [30,31]. Ma and Lee predicted the energy consumption by adding more information of the surrounding environment while learning [15,18]. However, unlike them, after learning to predict the consumption with only demand to date, our model can predict future consumption by adjusting the state on the latent space with the condition of the surrounding environment. 如第1节和第2节所述,非线性方法(包括基于模糊和神经网络的方法)已在许多应用中显示出成功的性能[20-23]。本文通过使用基于深度神经网络的方法解决电力需求预测问题,为应用领域做出了贡献。与之前的工作相比,我们模型的整体架构由投影仪f和预测仪g组成,类似于由编码器和解码器组成的自动编码器,如图3所示[24]。处理时间序列数据有很多方法,但是f和g基于RNN之一的长期短期记忆(LSTM)处理时间序列数据[25-28]。预测器将每个时间步的输出值用作下一个[29]的输入。投影仪通过压缩能量需求并将其传输到代表需求信息的潜在空间来定义状态。预测器根据定义的状态预测未来的能源需求。可以通过对投影仪和预测器进行端到端学习来完成,并且自动定义状态的过程。在变分自动编码器(VAE)中,在潜在空间上定义的状态包含所生成数据的特征,并且还包含预期能耗的信息以及输入值的特征[30,31]。马和李在学习的同时通过增加周围环境的更多信息来预测能耗[15,18]。但是,与它们不同的是,在学习了仅根据需求预测消耗量之后,我们的模型就可以通过根据周围环境的条件调整潜在空间的状态来预测未来的消耗量。

在这里插入图片描述
在这里插入图片描述
在这里插入图片描述

The state of the projector is located on the latent space where patterns and features of input energy consumption are shown. Therefore, by controlling the state transferred to the latent space, it is possible to predict the future consumption as well as to analyze the current consumption situation. 投影机的状态位于显示输入能量消耗的模式和特征的潜在空间上。因此,通过控制转移到潜在空间的状态,可以预测未来的消耗并分析当前的消耗状况。
This section presents how to use the state set by the projector for forecasting future demand. First, as shown in Equations (10) and (11), the predictor predicts a single consumption value immediately after inputting the state. Recursively, predictor forecasts the next single demand value with the predicted value. 本节介绍如何使用投影机设置的状态来预测未来需求。首先,如等式(10)和(11)所示,预测器在输入状态后立即预测单个消耗值。递归地,预测器使用预测值预测下一个单个需求值。

在这里插入图片描述
在这里插入图片描述
在这里插入图片描述


4. Experiments

To verify the proposed model, we use a dataset on household electric power consumption [32]. There are about two million minutes of electric energy demand data from 2006 to 2010, and they are divided into training and test data as a 9:1 ratio. It consists of eight attributes including date, global active power (GAP), global reactive power (GRP), global intensity (GI), voltage, sub metering 1, 2, and 3 (S1, 2, and 3), and the model predicts the GAP. S1 corresponds to the kitchen, containing mainly a microwave, an oven, and a dishwasher. S2 corresponds to the laundry room, containing a refrigerator, a tumble-drier, a light, and a washing-machine. S3 corresponds to an air-conditioner and an electric water-heater. The statistical summary of each feature is described in Table 3. 为了验证所提出的模型,我们使用了有关家庭用电量的数据集[32]。从2006年到2010年,大约有200万分钟的电能需求数据,它们以9:1的比率分为培训和测试数据。它由八个属性组成,包括日期,全局有功功率(GAP),全局无功功率(GRP),全局强度(GI),电压,子计量表1、2和3(S1、2和3)以及模型。预测GAP。 S1对应于厨房,主要包含微波炉,烤箱和洗碗机。 S2对应于洗衣间,包含冰箱,滚筒式烘干机,电灯和洗衣机。 S3对应于空调和电热水器。表3中描述了每个功能的统计摘要。

在这里插入图片描述

To train the time series model, we use a backpropagation through time (BPTT) algorithm, and the Adam optimizer with default hyper parameters in the keras library of python [33,34]. All weights are initialized with Glorot initialization [35]. The operating system of the computer used in our experiments was Ubuntu 16.04.2 LTS and the central processing unit of the computer was an Intel Xeon E5-2630V3. The random-access memory of the computer was Samsung DDR4 16 GB × 4, and the graphic processing unit of the computer was GTX Titan X D5 12 GB. The number of hidden units in the deep learning approach, including our model (i.e., the size of the state s) was set at 64. 为了训练时间序列模型,我们使用时间反向传播(BPTT)算法,并在python的keras库中使用具有默认超参数的Adam优化器[33,34]。所有权重都用Glorot初始化[35]进行初始化。我们的实验中使用的计算机的操作系统为Ubuntu 16.04.2 LTS,计算机的中央处理单元为Intel Xeon E5-2630V3。计算机的随机存取内存为Samsung DDR4 16 GB×4,计算机的图形处理单元为GTX Titan X D5 12 GB。包括我们的模型(即状态s的大小)在内的深度学习方法中的隐藏单元数设置为64。
To verify the performance of the proposed model, we show the energy demand forecasting result using our model and compared with other conventional methods. Figure 4 is the result showing real and predicted energy demand values at the same time. The model predicts energy demand for 15, 30, 45, and 60 minutes with actual energy demand for 60 minutes. Although the model could not predict the energy demand perfectly, we confirm that the energy demand pattern predicted well. We show the convergence of the learning algorithm experimentally by showing the change of loss value as learning progresses in Figure 5. 为了验证所提出模型的性能,我们使用模型显示了能源需求预测结果,并与其他常规方法进行了比较。图4是同时显示实际和预测能源需求值的结果。该模型预测15、30、45和60分钟的能源需求,而实际能源需求为60分钟。尽管该模型无法理想地预测能源需求,但我们确认能源需求模式预测良好。我们通过显示图5所示的学习过程中损耗值的变化来实验性地证明学习算法的收敛性。

在这里插入图片描述
Figure 4. The predicted electric energy consumption and the actual demand. We show the prediction results for (a) 15, (b) 30, (c) 45, and (d) 60 minutes.
在这里插入图片描述

Our model is compared with conventional machine learning methods such as linear regression (LR), decision tree (DT), random forest (RF) and multilayer perceptron (MLP), and with deep learning methods such as LSTM, stacked LSTM, and the autoencoder model proposed by Li. Stacked LSTM is a model including two LSTM layers similar to our model but does not set the state. A model proposed by Li has one hundred hidden units and four hidden layers. The MSE measure of the experimental results for each model is shown in Figure 6 as box plot. The results of the comparison with other models show that the proposed model outperforms other models. We can confirm that the conventional machine learning methods (LR, DT, RF, and MLP) show a large variation in prediction performance, but the deep learning methods (LSTM, Stacked LSTM, the Li’s model, and ours) are trained in stable. Some of the deep learning methods are worse than machine learning methods, but our model yields the best performance. 我们的模型与传统的机器学习方法(例如线性回归(LR),决策树(DT),随机森林(RF)和多层感知器(MLP))以及深度学习方法(例如LSTM,堆叠LSTM和自动编码器)进行了比较李提出的模型。堆叠LSTM是一个包含两个LSTM层的模型,与我们的模型相似,但未设置状态。李提出的模型有一百个隐藏单元和四个隐藏层。每个模型的实验结果的MSE度量如图6所示。与其他模型的比较结果表明,所提出的模型优于其他模型。我们可以确认传统的机器学习方法(LR,DT,RF和MLP)在预测性能上有很大差异,但是深度学习方法(LSTM,Stacked LSTM,Li模型和我们的模型)是经过稳定训练的。某些深度学习方法比机器学习方法差,但是我们的模型产生了最佳性能。
To examine the performance of the prediction model, we use three evaluation metrics—the mean squared error (MSE), the mean absolute error (MAE), and the mean relative error (MRE), which can be calculated respectively as follows. 为了检查预测模型的性能,我们使用三个评估指标-均方误差(MSE),平均绝对误差(MAE)和平均相对误差(MRE),可以分别计算如下。

在这里插入图片描述


We empirically verify whether our model can automatically learn a capacity to define state as described in Section 3. We extract the output of the projector to get states and visualize them as shown in Figure 7. We use the t-SNE algorithm to visualize the state [36]. We confirm that the consumption data are not separated clearly by month, but they are clustered by month on the latent space even with the unsupervised representation learning. Approximately the distribution of data can be divided into right (January, February, May, October, and November), left (August and September), top (December), center (March), center-right (June), center-left (July), and center-top (April). We mark plotted points of each month with annotations to figure and illustrate it monthly to show the state for each month, resulting in twelve plots. It can be seen that the defined state is well clustered on a monthly basis, achieving low intra-class variability. 我们根据经验验证模型是否可以自动学习定义状态的能力(如第3节所述)。我们提取投影仪的输出以获取状态并对其进行可视化,如图7所示。我们使用t-SNE算法对状态进行可视化[36]。我们确认,消费数据并未按月清楚地分开,但即使在无监督的表示学习的情况下,它们也按月聚集在潜在空间上。数据的分布大致可分为右(1月,2月,5月,10月和11月),左(8月和9月),顶(12月),中(3月),右中(6月),左中(七月)和顶部居中(四月)。我们用注解标记每个月的绘制点,以数字形式显示和说明每个月的状态,以显示十二个月的状态。可以看出,定义的状态每月都很好地聚集在一起,从而实现了较低的类内变异性。
Our model is also empirically confirmed that not only defines the state well but also has the capacity to adjust the prediction by controlling the state on latent space. This method is effective for EMS, for example, because the electricity demand prediction can be made flexible according to the climate or economic situation. The experiment to control the condition of the month is conducted, and other conditions are left for future study. An example of a state transition that controls a state on the latent space is shown in Figure 8. If we want to forecast the energy demand in October with only consumption in April, we just project the demand in April into the latent space to extract the state. After extracting the state for the electric energy consumption at one point in April, we add the average value of the states for October v(xOCT)v(x_{OCT}) and subtract the average value of the states for the April v(xAPR)v(x_{APR}) and put it into the predictor to get the predicted values. 我们的模型还通过经验确认,不仅可以很好地定义状态,而且还具有通过控制潜在空间上的状态来调整预测的能力。例如,此方法对EMS有效,因为可以根据气候或经济状况灵活调整用电需求预测。进行了控制月份状况的实验,并将其他状况留待将来研究。图8显示了一个控制潜在空间状态的状态转换示例。如果我们要预测仅4月消耗的10月能源需求,则只需将4月的需求投影到潜在空间以提取潜在空间即可。州。在提取四月份某一时刻的电能消耗状态后,我们将十月份的状态平均值 v(xOCT)v(x_{OCT}) 减去四月份的状态平均值 v(xAPR)v(x_{APR}) ,并将其放入预测变量中得到预测值。
Table 5 shows the average value of the predicted electric power consumption for one hour in minutes to determine whether the demand pattern for April is changed to the consumption pattern for October after the state transition. Each column shows the month of the input electric energy demand to date, and each row shows an output month of state transition to predict the desired pattern for the specified month. The ground truth (GT) is the average electric energy consumption for each month. It can adjust the state on the latent space because the predicted consumption after conditioning is similar to GT. 表5显示了几分钟内一小时的预测电能消耗的平均值,以确定状态转换后4月份的需求模式是否变为10月份的消费模式。每列显示迄今为止的输入电能需求月份,每行显示状态转换的输出月份,以预测指定月份的所需模式。真实标签(GT)是每个月的平均电能消耗。它可以调整潜在空间上的状态,因为调节后的预计消耗量与GT相似。

在这里插入图片描述
在这里插入图片描述

Table 5. The results of experiments on state transition. Each column shows the month of the input electric energy demand and each row shows an output month after state transition. The ground truth (G.T.) is the average electric energy consumption for each month. 表5.状态转换的实验结果。每列显示输入电能需求的月份,每行显示状态转换后的输出月份。真实标签(G.T.)是每个月的平均电能消耗。

在这里插入图片描述


5. Conclusions

We have addressed the importance of energy demand prediction and proposed a model to solve them. It attempts to predict electric energy consumption through defining the state unlike the conventional machine learning or deep learning models. Divided into two parts (projector and predictor), each part interacts with the other and learns to automatically set a state without any supervision. We achieve the best forecasting performance compared to others, analyze the state, and peek the basis for the predicted consumption value. In addition, the state transition method shows that our model can be more efficient because we can control the predicted electric energy consumption values according to various situations by adjusting conditions. For example, if we add several conditions to the state such as information of weather or economy, we can predict electricity demand accordingly. 我们已经解决了能源需求预测的重要性,并提出了解决这些问题的模型。它试图通过定义状态来预测电能消耗,这与传统的机器学习或深度学习模型不同。分为两部分(投影器和预测器),每个部分相互交互并学习自动设置状态而无需任何监督。与其他同类产品相比,我们获得了最佳的预测性能,分析了状态,并为预测的消费价值提供了依据。另外,状态转移方法表明我们的模型可以更有效,因为我们可以通过调整条件来根据各种情况控制预测的电能消耗值。例如,如果我们向状态添加多个条件(例如天气或经济信息),则可以相应地预测电力需求。
In this paper, we have conducted experiments with several conditions of the state only for the month. We will experiment with various conditions such as weather, economy, or any other events in the future works. In this paper, only the energy consumption of one individual household is predicted, so the demand of several buildings will be collected, and we will add the information about building into the state and have a plan to propose a model which can predict energy consumption of various buildings. Finally, we will construct an efficient energy management system including the proposed prediction model. 在本文中,我们仅针对当月的几种状态进行了实验。我们将在未来的作品中尝试各种条件,例如天气,经济状况或任何其他事件。本文仅预测一个家庭的能源消耗,因此将收集几栋建筑物的需求,并且我们将有关建筑物的信息添加到状态中,并计划提出一个可预测住宅能耗的模型。各种建筑物。最后,我们将构建一个包含所提出的预测模型的高效能源管理系统。

發表評論
所有評論
還沒有人評論,想成為第一個評論的人麼? 請在上方評論欄輸入並且點擊發布.
相關文章