Next Article in Journal
Comparative Analysis of the Effect of the Evolution of Energy Saving Regulations on the Indoor Summer Comfort of Five Homes on the Coast of the Basque Country
Next Article in Special Issue
A Review of Thermal Comfort in Primary Schools and Future Challenges in Machine Learning Based Prediction for Children
Previous Article in Journal
Obstacles Preventing the Off-Site Prefabrication of Timber and MEP Services: Qualitative Analyses from Builders and Suppliers in Australia
Previous Article in Special Issue
Multi-Task Learning for Concurrent Prediction of Thermal Comfort, Sensation and Preference in Winters
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Non-Intrusive Load Disaggregation Based on a Feature Reused Long Short-Term Memory Multiple Output Network

1
Jiangsu Key Laboratory of Big Data Analysis Technology, Nanjing University of Information Science and Technology, Nanjing 210044, China
2
School of Management Science and Engineering, Nanjing University of Information Science and Technology, Nanjing 210044, China
*
Author to whom correspondence should be addressed.
Buildings 2022, 12(7), 1048; https://doi.org/10.3390/buildings12071048
Submission received: 12 April 2022 / Revised: 30 June 2022 / Accepted: 12 July 2022 / Published: 19 July 2022

Abstract

:
Load decomposition technology is an important aspect of power intelligence. At present, there are mainly machine learning methods based on artificial features and deep learning methods for load decomposition. The method based on artificial features has a difficult time obtaining effective load features, leading to low accuracy. The method based on deep learning can automatically extract load characteristics, which improves the accuracy of load decomposition. However, with the deepening of the model structure, the number of parameters becomes too large, the training speed is slow, and the computing cost is high, which leads to the reduction of redundant features and the learning ability in some shallow networks, and the traditional deep learning model has a difficult time obtaining effective features on the time scale. To address these problems, a feature reused long short-term memory multiple output network (M-LSTM) is proposed and used for non-invasive load decomposition tasks. The network proposes an improved multiscale fusion residual module to extract basic load features and proposes the use of LSTM cyclic units to extract time series information. Feature reuse is achieved by combining it with the reorganization of the input data into multiple branches. The proposed structure reduces the difficulty of network optimization, and multi-scale fusion can obtain features on multiple time scales, which improves the ability of model feature extraction. Compared with common network models that tend to train network models for a single target load, the structure can simultaneously decompose the target load power while ensuring the accuracy of load decomposition, thus reducing computational costs, avoiding repetitive model training, and improving training efficiency.

1. Introduction

Non-intrusive load decomposition uses the measurement of the total power data of the household electricity meter to estimate the decomposition in order to obtain the electricity consumption of the common individual appliances in the household [1]. The decomposition results can help monitor the electricity consumption of the household, help users reduce consumption while identifying faulty appliances and investigating the usage of appliances to maximize efficient grid distribution, and help plan scientific electricity consumption schemes and improve electricity consumption efficiency, thus achieving the purpose of saving electricity and energy and reducing consumption [2].
Nowadays, a lot of academic achievements have been made in the research on non-intrusive load decomposition. There are two main categories of research methods on non-intrusive load decomposition: one is the event-based load decomposition method, while the other is the load model-based load decomposition method.
In 1982, Hart from MIT first proposed the concept of “non-intrusive load monitoring” [3]; he extracted the steady-state features for power decomposition and designed a simple non-intrusive load monitoring system. Instead of using individual sockets for specific devices, NILM applies intelligent algorithms to analyze and break down meter data without disturbing the end user, which is more economical and acceptable [4]. However, the method lacked universality and was only applicable to high-power devices, such as air conditioners, heaters, etc. If additional devices are added, it is difficult to discern the differences between appliances, and there are limitations. Its earliest work dates back to the early 1990s. In those days, most electrical appliances were switching devices (e.g., fans, lamps, heaters, ovens, coolers, etc.), so it was a logical idea for such a monitoring system to be set up. Over time, more complex multi-state devices were introduced, such as computers, printers, etc. In 2007, Chang proposed a BP classifier-based load decomposition model after comparing the adaptation scenarios of various transient and steady-state load features [5]. In 2009, Berges and Scott were inspired by the detection of load events from the main home circuit and developed a generalized likelihood ratio test for the detection of new load events, which improved the load decomposition of residential electricity with some improvements [6]. The literature [7] draws on the method of matrix solving in mathematics to build a load decomposition model by using an efficient sparse optimization matrix approach to solve for accurate non-intrusive load decomposition for residential electricity. In the literature [8], in addition to adding charge features, other non-traditional charge features such as load running time, load running state, frequency of use distribution, and correlation between appliances were used for analysis to improve the decomposition performance of the algorithm. In 2012, Kolter combined Hidden Markov Models with load decomposition to learn the operating state of individual appliances, further improving the accuracy [9]. In 2015, Yang proposed a load event detection model based on the adaptive cardinality algorithm, which led to a certain degree of improvement in event detection accuracy [10]. The literature [11] describes and analyzes the current non-intrusive load disaggregation techniques in detail and gives alternative research ideas. In recent years, scholars have proposed many event-based decomposition algorithms, which have led to the continuous improvement of the accuracy of non-intrusive load decomposition by this class of methods. However, it is only for data samples with a high sampling rate, so many event detection algorithms have certain limitations.
For research on load model-based decomposition methods, Batra has developed an open-source software platform, NILMTK, with example tutorials that greatly improve the speed of researchers in developing new algorithms [12]. At present, the methods based on artificial features are mainly solved by combinatorial optimization method [13] and the Markov model [14]. Kim [7] proposed a combined multi-factor Hidden Markov and load decomposition model that uses a single Hidden Markov chain of devices and then tensor multiplication to obtain the Hidden Markov. In the decomposition stage, the multi-factor Hidden Markov chain will find the optimal combination based on the given total power data, but the algorithm is susceptible to local optimal solutions for hidden state estimation and therefore does not yield accurate appliance power values. Parson used unsupervised learning to decompose the high frequency power of the appliance and verified, through data testing, its effectiveness [15].
However, traditional algorithms that separate appliance power by finding the difference terms between appliances are not only difficult to decompose but are also susceptible to interference between similar appliance powers [16]. If an inappropriate classifier is chosen—for example, by over-emphasizing a particular electrical feature—a number of errors may arise, ultimately leading to incorrect decomposition [17]. In contrast, non-intrusive load decomposition by deep learning algorithms can further improve the decomposition accuracy, identify electrical appliances more accurately, and enhance the generalization performance, which is of great research significance in promoting the development of non-intrusive load decomposition technology. The method based on deep learning does not need to construct load features manually. Deep learning can automatically extract features according to the needs of tasks, which is also the biggest difference between the load decomposition method based on deep learning and the traditional load decomposition method based on features. The literature [18] experimented with deep learning algorithms in the field of load decomposition, using artificial neural networks, recurrent neural networks, and noise-reducing self-encoders for experiments and comparing them with Professor Hart’s combined optimization algorithm, confirming that the noise-reducing self-encoder was the best. Xia et al. [19] used long- and short-term memory recurrent neural networks to model different loads and effectively improved the decomposition accuracy by learning the correlation information between the load data, but the training time was too long. The literature [20] proposed the use of CNN to extract load features, which can reduce the computational cost. Zhang used CNN to implement sequence-to-sequence and sequence-to-point non-invasive load decomposition, and the main innovation is that the model structure uses the total power data window to predict the output value, and, compared with other deep learning algorithms, the method in the paper has very good results on electrical devices [21]. Ali Sharif Razavian also pointed out the results of work that specifically optimized CNN representations for different tasks/datasets, resulting in better results [22]. Kaselimi et al. [23] proposed a Bayesian optimized bidirectional LSTM regression model for non-intrusive load monitoring, which introduces a Bayesian optimization framework to select the best configuration of the proposed regression model in order to improve performance. Verma et al. [24] proposed a multi-label LSTM autoencoder for non-intrusive appliance load monitoring to solve the problem of considering the time variability of input signals in the multi-label classification framework. Zhou et al. [25] proposed a CNN LSTM hybrid deep learning model for non-intrusive load monitoring, which combines a convolutional neural network (CNN) with a long- and short-term memory network (LSTM) to fully mine the spatio-temporal characteristics of the load data and improve the accuracy of the decomposition. However, the current methods based on LSTM can effectively extract the time-series dependency of sequences, but the ability to extract load characteristics is limited, and the current LSTM model needs to be trained for different loads, which leads to low operation efficiency.
The existing non-intrusive load decomposition is mainly based on traditional load features to establish the decomposition model of an electric load, while the traditional feature extraction method cannot achieve high-precision real-time decomposition, and it has a difficult time meeting the current market demand for the intelligent development of the power grid. Current energy decomposition methods extract features from sequences, a process that tends to lead to the loss of load features and difficulties in detection, resulting in low recognition rates for low-usage appliances [26]. With the rapid development of deep learning algorithms, more and more models have begun to be applied to the task of non-invasive load decomposition. However, the deepening of the model structure leads to too many parameters, a slow training speed, and a high calculation cost, which leads to the phenomenon of feature redundancy and reduced learning ability. To address the above challenges, this paper constructs an improved non-intrusive load decomposition method based on deep learning models. The non-intrusive load decomposition model based on long- and short-term memory multi-output networks is proposed. In this network, an improved multi-scale fusion residual module is proposed to extract the basic load characteristics, and the LSTM cycle unit is proposed to extract the time series information. Through the combination with the reorganization of the input data, the effect of feature reuse is achieved and respectively input into multiple branches. Then, the deep LSTM cycle unit retains the effective load characteristics in the network and outputs the predicted power values of multiple target loads. The overall model structure reduces the difficulty of network optimization. The structure can decompose the target load power while ensuring the load decomposition accuracy so as to reduce the calculation cost and improve the training efficiency. This paper presents an in-depth study of non-intrusive load decomposition for residential electricity using an experimental analysis and validation of electricity data from the foreign public WikiEnergy dataset and the UK-DALE dataset [27]. Based on the evaluation and analysis of the experimental results in terms of accuracy, recall, and F1 value respectively, the analysis and validation of the experimental results show that the decomposition effect of the proposed method on the test set is better than that of the traditional algorithm.

2. Proposed Method

From a neural network perspective, the problem of non-intrusive power load disaggregation for residential electricity consumption can be explained in this way. Assuming that Y ( t ) represents the sum of the active power consumption of all electrical devices in a household at a given time, this can then be expressed as Equation (1).
Y ( t )   = i = 1 I X i ( t ) + e ( t )
where X i ( t ) represents the active power value of the i th residential electrical appliance at moment t , I represents the number of electrical appliances, and e ( t ) represents the model noise. Thus, the non-intrusive load disaggregation model can represent the solution to the problem of finding X i = t = 1 T X i ( t ) ,   i = 1 , , I for all electrical equipment under the condition that Y = t = 1 T Y ( t ) is known.
The M-LSTM designed in this work can decompose the total input power data into the power of multiple targets loading at the same time, thus avoiding the repeated training of the network model and saving computational resources, which improves training efficiency. The overall structure of the model is shown in Figure 1. The network model includes a basic convolutional layer, a multi-scale-fused Residual Module (SRM), an LSTM loot unit, a Fully Connected Layer (FC), etc. In the data pre-processing process, the data sliding window is uniformly set to 128 units in order to meet the window size requirements for all loads. All of the processed data are combined into a training set and input into the network, which is subjected to a basic 3 × 1 convolution containing Relu nonlinear activation, Batch Normalization, and other operations to obtain the base feature map. The final feature map with a large number of loading features is obtained by stacking three multi-scale fusion residual modules, which are stretched into a one-dimensional vector by a fully connected operation (FC layer) and fed into an LSTM recurrent unit. Inspired by residual convolutional neural networks and densely connected neural networks, the “transfer” of load features also draws on the idea of “cross-layer connectivity”. While traditional neural networks tend to be progressive in structure, i.e., they go deeper layer by layer, the network layers of a neural network can also be passed across—in other words, a layer of the network can be derived from the features of the previous layer and can also receive feature information from a layer further up the network. The mutual information between multiple loads is extracted through the previous LSTM cyclic unit and then combined with the previous 1D feature mapping, thus allowing for mixed load features to be input into each branch. The cross-layer multiplexing of feature mappings effectively reduces the generation of data noise and avoids random perturbations in the timing information.
The feature mapping cross-layer input method is y l = H l ( y l 1 ) + y l 1 , where y l denotes the output of layer l and y l 1 is denoted as the output of layer l 1 . H l is a non-linear transformation that multiplexes the effective features of the network front-end to enhance the propagation of data through the network. Since the input dimension of the LSTM has to be the same as the number of hidden neurons, the data dimension is reset, the number of hidden neurons of the LSTM is 40, and the deep LSTM is set to two layers. Finally, the mixed load features are input into five branches, and the predicted power values of the target appliance are output through the fully connected layer. The Long and Short Time Memory Multiple Output Network proposed in this section is mainly intended to solve the disadvantages of a high computational cost, a large number of parameters, and a poor overall decomposition of the model, reflecting the more excellent generalization performance of the M-LSTM. The deep LSTM structure is constructed on the basis of the LSTM cycle unit. The deep LSTM structure will be copied many times at the same time. By using the cyclic unit structure, the network model can enhance its ability to extract and express the load time series information and capture the deeper dependence of the load characteristic time series information so as to effectively enhance the decomposition performance of the network model and the identification effect of the load operation state. Figure 2 shows the time step expansion structure of the deep LSTM structure, and each small part represents an LSTM cycle structure so as to learn the load data patterns and make the network model have a good decomposition effect.
To address the drawback that traditional convolutional neural networks do not sufficiently extract load features and to enhance the generalization ability of long- and short-term memory multi-output networks for better non-invasive load decomposition tasks, this section proposes a multi-scale fusion residual module (SRM) as a pre-activation module for features. Due to the deepening of the layers of the neural network model, it is basically difficult to generate parameter perturbations when the errors are back-propagated to the previous layers, resulting in the parameters of the layers not being updated, which causes the problem of the network having a difficult time learning from the training data.
The residual convolutional neural network (Resnet) is a good remedy for gradient dispersion and the degradation of performance due to the deepening of the network. The residual convolutional neural network is based on the idea of “cross-layer connection”, through which the original input feature mapping and the output feature mapping of the later layer are added together and activated by the activation function to complete the fusion of the features, and the residual connection makes the backward and forward information transfer of the network smoother.
Figure 3 shows how the residual structure is connected. Define the underlying mapping as H(x) by using the stacked layers to fit F(x) = H(x) − x and add the input of the residual x unit to obtain the output of the residual unit F(x)—that is, the residual function.
In the underlying structure of the residual connection, the residual connection mainly consists of two weight layers, each of which contains weight parameters. x denotes the input. The expression of the residual connection is as in Equation (2), where σ denotes the Relu nonlinear activation function.
F ( x ) = W 2 σ ( W 1 x ) .
Finally, the input is passed x through a cross-layer connection, and the output of the second weighting layer is added to obtain the final output of the whole residual structure. The calculation formula is as in Equation (3).
y = F ( x , { W i } ) + x ,
where F ( x , { W i } ) is the residual mapping function that is to be trained to learn in residual connectivity, and { W i } is the set of weight matrices. We can obtain Equation (4) based on Equations (2) and (3).
x L = x l + i = 1 L 1 F ( x i , W i ) ,
where x L is the output feature mapping of the L-th residual connection in the residual structure, and x i is the input feature mapping of the L-th residual connection in the residual structure. From this, it can be deduced that the output feature mapping of the L-th residual unit can be decomposed into the sum of the input feature mapping of the L-th residual unit and the feature mapping between the two residual connections. According to Equation (5), it is known that the gradient of the neural network does not converge to 0 during back propagation.
L o s s x l = L o s s x L x L x l = L o s s x L ( 1 + L o s s x l i = 1 L 1 F ( x i , W l ) ) .
Based on the residual connection, this section proposes a multiscale fusion residual module for the network model to extract the base load features [28], using the features of different resolutions to improve the multiscale capability of the load and allow the network to have more perceptual fields, with the structure shown in Figure 4.
The multiscale fusion residual module adjusts the number of channels by convolving the original feature map three times, with 40 convolution kernels, and divides the feature map into feature map1 (in the figure x 1 ), feature map2 (in the figure x 2 ), and feature map3 (in the figure x 3 ). In the first part, feature map1 is directly passed to y 1 without any operation; in the second part, feature map2 is convolved, the number of 3 × 1 convolution kernels is 40, and the feature map k 2 is directly passed to y 2 ; in the third part, there is another role, a tensor sum operation with feature map3, which is then 5 × 1 convolved, the number of convolution kernels is still 40, and the result y 3 is obtained. The feature maps y 1 , y 2 , y 3 , containing different scales, are fused and then convolved to output.
The stacked multi-scale fusion residual module enhances the extraction of complex features of residential household electricity data, preserves the main features of the time-series information, and improves the ability of the network model to fit the load features, while ensuring that the error signal can be continuously transmitted during the back propagation [29]. The overall algorithmic flow of the network model is shown in Figure 5, including the selection of the load device, the division of data samples, the method of data pre-processing, the construction of the model, the training of the model, and the tuning of the model.
To better train the multilayer neural network, the BP algorithm, i.e., the error back propagation algorithm, is used, the pre-processed data samples are passed through the neural network one by one to calculate the weighted sum of the neurons of each layer, and then the result of the activation calculation using the nonlinear activation function of each layer is used as the input of the neurons of the next layer, and this process is repeated at each network layer to obtain the forward propagation calculation result [30,31]. In this paper, we use the mean square loss function, i.e., MSE , calculate the difference between the computation result of the last layer of the network and the target load power value, and this obtained error value is passed in a backward propagation way to calculate the difference of the previous layers separately, using the adaptive moment estimation optimizer Adam to adjust the parameters of the neurons in each layer to make them optimal, which is a complete learning process [32]. The specific process is shown below.
The input matrix of the next network layer of the model is calculated using the forward propagation calculation method [33,34]. This is shown in Equation (6).
z l = W l · f l 1 ( z l 1 ) + b l ,
where z l 1 represents the input matrix l 1 of the layer neuron, W l represents the weight parameter matrix from layer l 1 to layer l , f l 1 represents the nonlinear activation function of the layer, and l 1   b l represents the bias parameter l 1 from layer to layer. Assuming that the input value of the first layer a is represented by a vector z 1 , then the final output value of the first L layer in the neural network is z L , as shown as in Equation (7).
a = z 1 z 2 z L - 1 z L = λ ( a ; W , b ) ,
where W and b still represent all the weight parameter matrices and bias parameters in the neural network. Finally, the difference in the neurons in each layer of the neural network is calculated by back propagation, and this difference is used to adjust the optimization network, as in Equation (8).
δ l = f l ( z l ) ( ( W l + 1 ) T δ l + 1 )
where denotes the tensor dot product operation, δ l denotes the l layer error value matrix, which is calculated from the error values of the l + 1 layer, and the whole process above represents the error back propagation. The following is the process of updating the parameters of the optimizer Adam, as shown in Equations (9)–(13).
m t = β 1 · m t 1 + ( 1 β 1 ) · L ( w t 1 ) ,
v t = β 2 · v t 1 + ( 1 β 2 ) · L ( w t 1 ) 2 ,
m ¯ t = m t 1 β 1 t ,
v t ¯ = v t 1 β 2 t ,
w t + 1 = w t η m ¯ t v t ¯ + ε ,
where η denotes the learning rate, β 1 , β 2 [ 0 , 1 ] denotes the exponential decay rate when the neural network performs moment estimation, and the initial condition is m 0 = 0 , v 0 = 0 .

3. Results

3.1. Dataset Introduction and Appliance Selection

The model-based load decomposition methods need some high-quality power datasets to evaluate the decomposition performance of these methods in the process of practical application. The Wikienergy dataset is a research power dataset released by the Pecan Street company. It is the most abundant residential power energy database studying power load decomposition in the world. It contains the power data collected by nearly 600 household users over a period, including single load and total household power consumption. All loads and residential active power are obtained at the sampling frequency of 1/60 Hz. The collection of power data began in 2011, but it has not stopped. The database is still expanding, which provides good data support for the research of non-invasive load decomposition. The UK-DALE public dataset [27] was collected and released by the British scholar Kelly. The dataset mainly contains the information of single load and total household power consumption in five household users. There are up to nine load devices in each household, but the sampling period of each household is different. Here, the active power data collected at a 1/6 Hz sampling frequency is mainly used. The two datasets in the article are the data obtained from practical applications and have corresponding labels. The two test datasets used in this paper are the standard datasets in the field of non-intrusive load disaggregation, which have very good practicality because these two data sets are collected by actual resident families.
The NILMTK toolkit is used to extract five kinds of load appliances from Wikienergy metadata as research objects: air conditioner, refrigerator, microwave oven, washing machine, and dishwasher. Five kinds of loads are extracted from UK-DALE metadata as research objects: kettle, refrigerator, microwave oven, washing machine, and dishwasher. The main reasons for choosing these loads are: (1) these loads exist in multiple families, which means that the load data can contain some similar load changes, which has a better generalization for the training of a network model. (2) There are many kinds of loads in a family, and these loads have different load characteristics and different work cycles. It is not necessary to experiment each load that has a large number of tasks and a high time cost. (3) There are some loads with low power in the family, such as the mobile phone charger, which is easily interfered with by other signals, so it is difficult to decompose, and the power of the overall power consumption data can be ignored, so the research on this kind of electrical appliances is not done. (4) These kinds of loads have accounted for most of the energy in the family, which means that the results of the load decomposition are of certain significance to the energy conservation and consumption reduction of the family. Therefore, the selection of these loads can meet the research purpose of this paper.

3.2. Data Preprocessing

A neural network needs a large number of training samples to fine tune in order to exhibit good performance. In addition, before the data are input into the neural network, they must be transformed into a consistent input dimension, and each piece of data is segmented into a vector of identical length, which is called a window. Therefore, the training sequence and test sequence are sliding processed.
As shown in Figure 6a, the data are added by overlapping sliding for the sliding window of the training sequence. Assuming that the sequence length is M, cut a window with length N on the original data, and the sliding step is 1, and then conduct the sliding operation to obtain M – N + 1 training samples. Similarly, as shown in Figure 6b, H/N test samples can be obtained by using the non-sliding window method on the test sequence and assuming that the sequence length is H.
After synthesizing all the data, this paper divides them into a training set and test set for better training and more accurate evaluation. In this work, the data input we use is the total power of electricity, and the output is the decomposition power of each electrical appliance. Take 80% of the data as the training sequence and the remaining 20% as the test sequence. When the input data are close to the “0” average value, the learning efficiency of the deep learning algorithm is the highest. In order to eliminate the impact of the index dimension and numerical range on the experiment, the data are standardized. Common methods include Max-Min Standardization, Z-score standardization, and Nonlinear Scaling. In this paper Max-Min Standardization is used, and the data are mapped between [0, 1]. The standardized function is shown in Equation (14).
x t = x t X m i n X m a x X m i n ,
where x t is the consumption power of the unstandardized target load at time t , X m a x is the maximum value of the total power sequence, X m i n is the minimum value of the total power sequence, and x t is the standardization result at time t .

3.3. Experimental Indicators

In this paper, mean absolute error (MAE) and signal aggregate error (SAE) will be used as evaluation indexes to analyze the effect of load decomposition. MAE is mainly used to measure the average error between the power of the single load equipment decomposed at each time and the real power, which reflects the instantaneous load decomposition ability of the decomposition model. However, for some load equipment, the error at each time point is not obvious and important, so it is only interested in the error of total power in a long time. SAE is used to measure the error of total energy consumption of each family in the whole time period.
In addition, when the load is decomposed, the on/off state of load equipment is distinguished by thresholding, and the load decomposition task is transformed into the load identification task. In order to judge the switching state of the load, first set the power threshold as follows: kettle 2000 W, air conditioner 100 W, refrigerator 50 W, microwave oven 200 W, washing machine 20 W, and dishwasher 10 W. Recall, precision, accuracy, and F1 values are used to evaluate whether the load decomposition model correctly classifies the switching state of the load in order to judge the decomposition performance.

3.4. Analysis of Experimental Results for the WikiEnergy Dataset

Experiments were conducted on the WikiEnergy dataset household 25, where several representative load devices—namely, air fade, refrigerator, microwave, washing machine, and dishwasher—were selected for analysis. The built network model is based on the Keras deep learning framework with an RTX1060 6g video memory discrete graphics card and is based on the adaptive matrix optimizer (Adam) when training the network model, where the superparametric learning rate is set to 0.001 and the weight decay rate is 0.0005.
During the experiments on this dataset, we used three methods for comparison experiments with this method, which are the classical KNN algorithm, Random Forest (RF) algorithm, and deep long- and short-term memory network (LSTM), which are used because the KNN algorithm is the more commonly used method in non-intrusive load decomposition. To better reflect the performance of this section algorithm’s generalization performance, Random Forest and LSTM are brought in to compare with it. The experimental results of the load decomposition are shown in Figure 7. On the loads with more sufficient data samples, such as air conditioners, refrigerators, and microwave ovens, KNN, Random Forest, LSTM, and the M-LSTM proposed in this paper have good decomposition results, especially the M-LSTM model, for which the fitted curve is closer to the real power data curve. However, the decomposition is even less effective than the methods in this section with respect to underutilized appliances such as washing machines and dishwashers.
From Figure 7, it was found that the decomposition results of the comparison algorithms were very similar for some loads, and it was difficult to distinguish the differences in the algorithm decomposition performance, so a large number of reliability assessment metrics were chosen for the evaluation. Table 1 shows the results of the WikiEnergy 25 home load decomposition evaluation metrics comparison, using the mean absolute error and the combined absolute error for evaluation and analysis. As can be seen from Table 1, the LSTM model has a more obvious decomposition advantage in MAE and SAE when comparing the KNN algorithm and Random Forest, an integrated learning algorithm, but the M-LSTM model proposed in this work uses the multi-scale fusion residual module to enhance the extraction capability of the base load features, so it can perform better than the simple stacked LSTM model in achieving an accurate decomposition of the total energy.
To demonstrate the superiority of the model proposed in this work, the operating state of the load equipment is used to judge the effectiveness of the algorithm in identifying individual loads. The operating state of the load is judged and identified by setting the threshold value of the start-stop state of the device and converting the power value into the actual switching state. Table 2 shows the comparison of the operating states of the WikiEnergy 25 home loads. Based on the three metrics of Precision, Accuracy, and F1 value, the method in this work achieves more accurate prediction results regarding the operating status of all five types of load appliances: air conditioners, refrigerators, microwave ovens, washing machines, and dishwashers. As a whole, the KNN algorithm and Random Forest algorithm do not differ much in each evaluation index, indicating that the simple algorithmic model can only obtain rough decomposition results.
To be able to observe the decomposition effect in specific detail, the analysis was performed using the load local decomposition effect graph. As shown in Figure 8, a comparison of the local effects of each algorithm on each load device is shown, with the horizontal coordinates representing the sampling point interval. Figure 7 shows that the M-LSTM model has a better algorithm performance and can fit the actual power curve better compared to other models. While the KNN algorithm and Random Forest algorithm have a poorer fitting ability for load devices with sparser features, the M-LSTM model still fits the power curves of washing machines and dishwashers well to some extent.

3.5. Analysis of Experimental Results for the UK-DALE Dataset

To verify the generalization performance of the model in this work, relevant comparison experiments were conducted on the UK-DALE 5 household. The five loads—kettle, fridge, microwave, washing machine, and dishwasher—were selected for the analysis of this household. The decomposition effect of the test set is shown in Figure 9. As can be seen from the figure, KNN, Random Forest, LSTM, and the method in this work all achieve good results for this high-powered load refrigerator, but the decomposition on the microwave, washing machine, and dishwasher is indeed not as effective as that of the improved method proposed in this work.
Table 3 shows the comparison of the load decomposition assessment metrics for the methods in this work for UK-DALE 5 households. From Table 3, it can be seen that, in the MAE metric, the M-LSTM model has the smallest value compared to the other algorithms on the load devices of kettle, washing machine, and dishwasher. In the other evaluation metric, SAE, the KNN algorithm performs the best on the appliance microwave oven, and the LSTM model is poorer. Combining the MAE and SAE metrics, it is feasible to apply the M-LSTM model to the task of non-intrusive load decomposition.
Table 4 provides a comparison of the evaluation metrics for different loads in UK-DALE 5 households in terms of switch operation status recognition. From several of these evaluation metrics, the M-LSTM model proposed in this work has a better recognition performance. The KNN algorithm is relatively simple but still identifies the start-stop state of the kettle and the refrigerator. From the four evaluations metrics, the random forest algorithm and the LSTM algorithm have a weaker load feature extraction and therefore perform poorly on the switch judgement. In this work, the network structure is improved, and the decomposition ability of the model is effectively improved by using multi-scale fusion residual blocks to extract the base load features and deep LSTM cyclic units in order to learn the timing information. Combining Table 3 and Table 4, the M-LSTM model has a higher decomposition accuracy than the ordinary LSTM model in the UK-DALE dataset.
Meanwhile, the local decomposition effect graph of the load device is selected for analysis. From Figure 9, it can be seen that the decomposition ability of the M-LSTM model is better than the other algorithms, and the power curve is the closest to the curve of the real data. Looking at these detailed decomposition effect plots, the KNN model’s decomposition results have large burrs on multiple devices, and the overall tracking trend is not too good, while the random forest algorithm’s decomposition is found to fluctuate too much in the local decomposition plots of the refrigerator. It can also be seen from Figure 10 that the decomposition results of the LSTM method are very stable and outperform the KNN model and Random Forest model, but the decomposition performance remains weaker than that of the M-LSTM model proposed in this work because of the simplicity of the model and the inadequate feature extraction.

4. Summary

This paper presents a feature reused long short-term memory multiple output network for residential power load decomposition. The algorithm proposes a multi-scale fusion residual module to collect information from load samples, which improves the utilization of the sample characteristics of the power data in the network. Secondly, the LSTM cycle unit is used to learn the time series information. Using the idea of “cross layer connection” for reference, the front and rear features are combined, multiplexed, and output to multiple load branches, which saves the calculation cost and strengthens the network’s ability to recharacterize the power data. Experiments on Wikienergy data and UK-DALE data show that the network model has a good generalization performance and improves the recognition accuracy of low utilization appliances. However, the current non-invasive load decomposition has many deficiencies in the following contents, which need to be further studied: (1) The non-invasive load decomposition based on the deep learning algorithm requires a certain dataset for training to improve the decomposition performance of the model. The data samples with different characteristic types need to be retrained and network tuned. Therefore, future work should focus on the non-invasive load decomposition application based on deep learning and joint optimization. (2) In order to improve the decomposition accuracy of load equipment, it is often necessary to train the corresponding model for each piece of load equipment. The process is complex, and the time cost is high. Therefore, we can further study deep neural network models with an adaptive learning ability, such as the confrontation network model, which can be transplanted to the application of non-invasive load decomposition. (3) The non-invasive load decomposition algorithm based on deep learning in this paper has certain requirements for computing resources and currently cannot be integrated with smart meters. In future research works, we can consider the further improvement of the algorithm such that the algorithm can be directly used on embedded platforms and other hardware devices. This would be to truly realize the monitoring of residential power consumption, energy saving, and cost reduction.

Author Contributions

Conceptualization, Y.F. and S.J.; methodology, Y.F. and S.J.; software, Y.F., S.F. and S.J.; validation, Y.F., X.Z. and S.J.; formal analysis, Y.F., Z.G. and S.J.; investigation, Y.F., S.F., X.Z. and S.J.; resources, S.J. and X.M; data curation, S.J.; writing—original draft preparation, Y.F. and S.F.; writing—review and editing, S.J. and Z.G.; visualization, Y.F. and S.F.; supervision, S.J. and X.M; project administration, S.J.; funding acquisition, S.J. and M.X. All authors have read and agreed to the published version of the manuscript.

Funding

This work is supported by the National Students’ Platform for Innovation and Entrepreneurship Training Program (202110300026Z).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data and the code of this study are available from the corresponding author upon request (jss@nuist.edu.cn).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Xia, M.; Liu, W.; Wang, K.; Zhang, X.; Xu, Y. Non-intrusive load disaggregation based on deep dilated residual network. Electr. Power Syst. Res. 2019, 170, 277–285. [Google Scholar] [CrossRef]
  2. Zeifman, M.; Roth, K. Nonintrusive appliance load monitoring: Review and outlook. IEEE Trans. Consum. Electron. 2011, 57, 76–84. [Google Scholar] [CrossRef]
  3. Hart, G.W. Nonintrusive appliance load monitoring. Proc. IEEE 1992, 80, 1870–1891. [Google Scholar] [CrossRef]
  4. Park, S.W.; Baker, L.B.; Franzon, P.D. Appliance identification algorithm for a non-intrusive home energy monitor using cogent confabulation. IEEE Trans. Smart Grid 2019, 10, 714–721. [Google Scholar] [CrossRef]
  5. Chang, H.H.; Yang, H.T.; Lin, C.L. Load identification in neural networks for a non-intrusive monitoring of industrial electrical loads. In Proceedings of the International Conference on Computer Supported Cooperative Work in Design, Melbourne, Australia, 26–28 April 2007; Springer: Berlin/Heidelberg, Germany, 2007; pp. 664–674. [Google Scholar]
  6. Berges, M.; Goldman, E.; Matthews, H.S.; Soibelman, L. Learning Systems for Electric Consumption of Buildings. In Proceedings of the 2009 International Workshop on Computing in Civil Engineering, Austin, TX, USA, 24–27 June 2009; pp. 1–10. [Google Scholar]
  7. Kim, H.; Marwah, M.; Arlitt, M.; Lyon, G.; Han, J. Unsupervised Disaggregation of Low Frequency Power Measurements. In Proceedings of the 2011 SIAM International Conference on Data Mining, Austin, TX, USA, 3–4 July 2011; pp. 747–758. [Google Scholar]
  8. Zeifman, M.; Roth, K. Disaggregation of Home Energy Display Data Using Probabilistic Approach. In Proceedings of the IEEE International Conference on Consumer Electronics, Berlin, Germany, 3–5 September 2012; pp. 630–631. [Google Scholar]
  9. Kolter, J.Z.; Jaakkola, T. Approximate Inference in Additive Factorial Hmms with Application to Energy Disaggregation. In Proceedings of the Artificial Intelligence and Statistics, La Palma, Canary Islands, 21–23 April 2012; pp. 1472–1482. [Google Scholar]
  10. Yang, C.C.; Soh, C.S.; Yap, V.V. A systematic approach to ON-OFF event detection and clustering analysis of non-intrusive appliance load monitoring. Front. Energy 2015, 9, 231–237. [Google Scholar] [CrossRef]
  11. Abubakar, I.; Khalid, S.N.; Mustafa, M.W.; Shareef, H.; Mustapha, M. Application of load monitoring in appliances’ energy management—A review. Renew. Sustain. Energy Rev. 2017, 67, 235–245. [Google Scholar] [CrossRef]
  12. Batra, N.; Kelly, J.; Parson, O.; Srivastava, M. NILMTK: An Open-Source Toolkit for Non-Intrusive Load Monitoring. In Proceedings of the 5th International Conference on Future Energy Systems, New York, NY, USA, 11–13 June 2014; pp. 265–276. [Google Scholar]
  13. Cominola, A.; Giuliani, M.; Piga, D.; Castelletti, A.; Rizzoli, A.E. A hybrid signature-based iterative disaggregation algorithm for non-intrusive load monitoring. Appl. Energy 2017, 185, 331–344. [Google Scholar] [CrossRef]
  14. Wu, Z.; Wang, C.; Zhang, H.; Peng, W.; Liu, W. A time-efficient factorial hidden semi-markov model for non-intrusive load monitoring. Electr. Power Syst. Res. 2021, 199, 107372. [Google Scholar] [CrossRef]
  15. Parson, O.; Ghosh, S.; Weal, M.; Rogers, A. An unsupervised training method for non-intrusive appliance load monitoring. Artif. Intell. 2014, 217, 1–19. [Google Scholar] [CrossRef]
  16. Fan, W.; Liu, Q.; Ahmadpour, A.; Farkoush, S.G. Multi-objective non-intrusive load disaggregation based on appliances characteristics in smart homes. Energy Rep. 2021, 7, 4445–4459. [Google Scholar] [CrossRef]
  17. Rafiq, H.; Shi, X.; Zhang, H.; Li, H.; Shah, A.A. Generalizability Improvement of Deep Learning Based Non-Intrusive Load Monitoring System Using Data Augmentation. IEEE Trans. Smart Grid 2022, 12, 3265–3277. [Google Scholar] [CrossRef]
  18. Kim, J.; Le, T.T.H.; Kim, H. Nonintrusive load monitoring based on advanced deep learning and novel signature. Comput. Intell. Neurosci. 2017, 2017, 4216281. [Google Scholar] [CrossRef] [PubMed]
  19. Xia, M.; Liu, W.; Wang, K.; Song, W.; Chen, C.; Li, Y. Non-intrusive load disaggregation based on composite deep long short-term memory network. Expert Syst. Appl. 2020, 160, 113669. [Google Scholar] [CrossRef]
  20. Jia, Z.; Yang, L.; Zhang, Z.; Liu, H.; Kong, H. Sequence to point learning based on bidirectional dilated residual network for non-intrusive load monitoring. Int. J. Electr. Power Energy Syst. 2021, 129, 106837. [Google Scholar] [CrossRef]
  21. Zhang, Y.; Yang, G.; Ma, S. Non-intrusive load monitoring based on convolutional neural network with differential input. Procedia CIRP 2019, 83, 670–674. [Google Scholar] [CrossRef]
  22. Razavian, A.S.; Azizpour, H.; Sullivan, J.; Carlsson, S. CNN Features off-the-shelf: An Astounding Baseline for Recognition. In Proceedings of the 2014 IEEE Conference on Computer Vision and Pattern Recognition Workshops, Columbus, OH, USA, 24–28 June 2014. [Google Scholar] [CrossRef]
  23. Kaselimi, M.; Doulamis, N.; Doulamis, A.; Voulodimos, A.; Protopapadakis, E. Bayesian-optimized Bidirectional LSTM Regression Model for Non-intrusive Load Monitoring. In Proceedings of the ICASSP 2019–2019 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Brighton, UK, 12–17 May 2019. [Google Scholar]
  24. Verma, S.; Singh, S.; Majumdar, A. Multi-label LSTM autoencoder for non-intrusive appliance load monitoring. Electr. Power Syst. Res. 2021, 199, 107414. [Google Scholar] [CrossRef]
  25. Zhou, X.; Feng, J.; Li, Y. Non-intrusive load decomposition based on CNN-LSTM hybrid deep learning model. Energy Rep. 2021, 7, 5762–5771. [Google Scholar] [CrossRef]
  26. Zhou, Q.; Wei, j.; Sun, J.; Wang, J.; Yang, T. Feature Extraction for Non-intrusive Load Monitoring System. In Proceedings of the 6th Asia Conference on Power and Electrical Engineering, Chongqing, China, 8–11 April 2021. [Google Scholar]
  27. Iqbal, H.K.; Malik, F.H.; Muhammad, A.; Qureshi, M.A.; Chishti, A.R. A critical review of state-of-the-art non-intrusive load monitoring datasets. Electr. Power Syst. Res. 2020, 192, 106921. [Google Scholar] [CrossRef]
  28. Kumar, M.; Gopinath, R.; Harikrishna, P.; Srinivas, K. Non-intrusive load monitoring system for similar loads identification using feature mapping and deep learning techniques. Meas. Sci. Technol. 2021, 32, 125902. [Google Scholar] [CrossRef]
  29. Le, T.; Chi, N.D.; Han, L.; Luu, K.; Savvides, M. Deep contextual recurrent residual networks for scene labeling. Pattern Recognit. 2018, 80, 32–41. [Google Scholar] [CrossRef] [Green Version]
  30. Xia, M.; Wang, Z.; Lu, M.; Pan, L. MFAGCN: A new framework for identifying power grid branch parameters. Electr. Power Syst. Res. 2022, 207, 107855. [Google Scholar] [CrossRef]
  31. Song, L.; Xia, M.; Jin, J.; Qian, M.; Zhang, Y. SUACDNet: Attentional change detection network based on siamese U-shaped structure. Int. J. Appl. Earth Obs. Geoinf. 2021, 105, 102597. [Google Scholar] [CrossRef]
  32. Qu, Y.; Xia, M.; Zhang, Y. Strip pooling channel spatial attention network for the segmentation of cloud and cloud shadow. Comput. Geosci. 2021, 157, 104940. [Google Scholar] [CrossRef]
  33. Xia, M.; Qu, Y.; Lin, H. PADANet: Parallel asymmetric double attention network for clouds and its shadow detection. J. Appl. Remote Sens. 2021, 15, 046512. [Google Scholar] [CrossRef]
  34. Lu, C.; Xia, M.; Lin, H. Multi-scale strip pooling feature aggregation network for cloud and cloud shadow segmentation. Neural Comput. Appl. 2022, 34, 6149–6162. [Google Scholar] [CrossRef]
Figure 1. M-LSTM Network Model.
Figure 1. M-LSTM Network Model.
Buildings 12 01048 g001
Figure 2. Schematic diagram of the deep LSTM structure.
Figure 2. Schematic diagram of the deep LSTM structure.
Buildings 12 01048 g002
Figure 3. Residual connection.
Figure 3. Residual connection.
Buildings 12 01048 g003
Figure 4. Multi-scale fusion residual module structure diagram.
Figure 4. Multi-scale fusion residual module structure diagram.
Buildings 12 01048 g004
Figure 5. Algorithm flow.
Figure 5. Algorithm flow.
Buildings 12 01048 g005
Figure 6. Schematic diagram of sliding processing.
Figure 6. Schematic diagram of sliding processing.
Buildings 12 01048 g006
Figure 7. Comparison of WikiEnergy 25 home load decomposition.
Figure 7. Comparison of WikiEnergy 25 home load decomposition.
Buildings 12 01048 g007
Figure 8. Comparison of local load decomposition for WikiEnergy 25 home.
Figure 8. Comparison of local load decomposition for WikiEnergy 25 home.
Buildings 12 01048 g008
Figure 9. Comparison of UK-DALE 5 home load decomposition.
Figure 9. Comparison of UK-DALE 5 home load decomposition.
Buildings 12 01048 g009
Figure 10. Comparison of local load decomposition for UK-DALE #5 homes.
Figure 10. Comparison of local load decomposition for UK-DALE #5 homes.
Buildings 12 01048 g010
Table 1. Comparison of WikiEnergy 25 household load decomposition assessment metrics.
Table 1. Comparison of WikiEnergy 25 household load decomposition assessment metrics.
TargetsApproachAir
Conditioner
FreezersMicrowaveDehumidifierDishwasher
MAEKNN38.48443.0146.9286.67710.630
RF40.30335.3246.6676.75510.299
LSTM39.63413.76013.15512.025511.724
M-LSTM38.43313.5928.7221.9682.301
SAEKNN0.00060.0260.0600.3230.121
RF0.0010.0290.0570.3140.060
LSTM0.0060.0740.3192.4850.088
M-LSTM0.0190.0120.5280.2280.032
Table 2. Comparison of WikiEnergy 25 home load operational state indicators.
Table 2. Comparison of WikiEnergy 25 home load operational state indicators.
TargetsApproachAir ConditionerFreezerMicrowaveDehumidifierDishwasher
RecallKNN0.9980.9960.7590.2900.561
RF0.9960.9910.2580.4810.491
LSTM0.9990.9900.1290.9870.596
M-LSTM10.9750.7090.9360.855
PrecisionKNN0.9870.8700.1980.2360.336
RF0.9890.8680.3630.0910.363
LSTM0.9950.9160.0470.0500.409
M-LSTM0.9990.9600.6720.6910.883
AccuracyKNN0.9910.8890.9670.9930.978
RF0.9910.8850.9950.9470.980
LSTM0.9580.9400.9860.8160.982
M-LSTM0.9990.9520.9980.9950.991
F1KNN0.9930.9280.3140.2600.421
RF0.9930.9260.3010.1530.417
LSTM0.9970.9560.0690.0950.485
M-LSTM0.9990.9670.6900.7710.869
Table 3. Comparison of UK-DALE 5 household load decomposition assessment metrics.
Table 3. Comparison of UK-DALE 5 household load decomposition assessment metrics.
TargetsApproachAir ConditionerFreezerMicrowaveDehumidifierDishwasher
MAEKNN1.4132.6070.3784.6323.674
RF1.3962.6280.4424.7533.881
LSTM8.8673.8801.30523.6468.517
M-LSTM0.8892.5650.8244.4643.611
SAEKNN0.0760.0170.0520.0180.001
RF0.0730.0200.0540.0150.0005
LSTM0.3770.0330.7020.3100.236
M-LSTM0.0090.0150.6010.0120.024
Table 4. Comparison of UK-DALE No. 5 home load operating state indicators.
Table 4. Comparison of UK-DALE No. 5 home load operating state indicators.
TargetsApproachAir ConditionerFreezerMicrowaveDehumidifierDishwasher
RecallKNN0.9870.9880.9440.9110.968
RF0.9820.9890.9320.9420.968
LSTM0.9850.99000.8380.904
M-LSTM10.9890.9810.9080.947
PrecisionKNN0.9980.9740.9330.6170.799
RF0.9940.9600.9100.6060.845
LSTM0.6500.94400.7120.895
M-LSTM0.9940.9830.9870.7410.798
AccuracyKNN0.9990.9860.9990.9810.996
RF0.9990.9810.9990.9800.997
LSTM0.9970.9750.9980.9850.997
M-LSTM0.9990.9900.9990.9880.995
F1KNN0.9920.9810.9380.7360.875
RF0.9880.9740.9210.7380.902
LSTM0.7830.966Nan0.7700.899
M-LSTM0.9970.9860.9840.8160.866
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Fang, Y.; Jiang, S.; Fang, S.; Gong, Z.; Xia, M.; Zhang, X. Non-Intrusive Load Disaggregation Based on a Feature Reused Long Short-Term Memory Multiple Output Network. Buildings 2022, 12, 1048. https://doi.org/10.3390/buildings12071048

AMA Style

Fang Y, Jiang S, Fang S, Gong Z, Xia M, Zhang X. Non-Intrusive Load Disaggregation Based on a Feature Reused Long Short-Term Memory Multiple Output Network. Buildings. 2022; 12(7):1048. https://doi.org/10.3390/buildings12071048

Chicago/Turabian Style

Fang, Yifan, Shanshan Jiang, Shengxuan Fang, Zhenxi Gong, Min Xia, and Xiaodong Zhang. 2022. "Non-Intrusive Load Disaggregation Based on a Feature Reused Long Short-Term Memory Multiple Output Network" Buildings 12, no. 7: 1048. https://doi.org/10.3390/buildings12071048

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop