Conference PaperPDF Available

Abstract and Figures

In this paper, a data driven based solution is proposed to detect Non-Technical Losses (NTLs) in the smart grids. In the real world, the number of theft samples are less as compared to the benign samples, which leads to data imbalance issue. To resolve the issue, diverse theft attacks are applied on the benign samples to generate synthetic theft samples for data balancing and to mimic real-world theft patterns. Furthermore, several non-malicious factors influence the users' energy usage patterns such as consumers' behavior during weekends, seasonal change and family structure, etc. The factors adversely affect the model's performance resulting in data misclassification. So, non-malicious factors along with smart meters' data need to be considered to enhance the theft detection accuracy. Keeping this in view, a hybrid Multi-Layer Perceptron and Gated Recurrent Unit (MLP-GRU) based Deep Neural Network (DNN) is proposed to detect electricity theft. The MLP model takes auxiliary data such as geographical information as input while the dataset of smart meters is provided as an input to the GRU model. Due to the improved generalization capability of MLP with reduced overfitting and effective gated configuration of multi-layered GRU, the proposed model proves to be an ideal solution in terms of prediction accuracy and computational time. Furthermore, the proposed model is compared with the existing MLP-LSTM model and the simulations are performed. The results show that MLP-GRU achieves 0.87 and 0.89 score for Area under the Receiver Operating Characteristic Curve and Area under the Precision-Recall Curve (PR-AUC), respectively as compared to 0.72 and 0.47 for MLP-LSTM.
Content may be subject to copyright.
Detection of Non-Technical Losses using
MLP-GRU based Neural Network to Secure Smart
Grids
Benish Kabir1, Pamir1, Ashraf Ullah1, Shoaib Munawar2, Muhammad Asif1, Nadeem Javaid1,
1Department of Computer Science, COMSATS University Islamabad, Islamabad 44000, Pakistan
2Department of Electrical Engineering, International Islamic University, Islamabad 44000, Pakistan
Email: beniii.khan20016@gmail.com, pamirshams2011@yahoo.com, ashrafullahmarwat12@gmail.com,
shoaibmunawar26@yahoo.com, muhammad.asif.comsat@gmail.com,
Corresponding author: nadeemjavaidqau@gmail.com; www.njavaid.com
Abstract—In this paper, a data driven based solution is
proposed to detect Non-Technical Losses (NTLs) in the smart
grids. In the real world, the number of theft samples are less as
compared to the benign samples, which leads to data imbalance
issue. To resolve the issue, diverse theft attacks are applied on
the benign samples to generate synthetic theft samples for data
balancing and to mimic real-world theft patterns. Furthermore,
several non-malicious factors influence the users’ energy usage
patterns such as consumers’ behavior during weekends, seasonal
change and family structure, etc. The factors adversely affect
the model’s performance resulting in data misclassification. So,
non-malicious factors along with smart meters’ data need to be
considered to enhance the theft detection accuracy. Keeping this
in view, a hybrid Multi-Layer Perceptron and Gated Recurrent
Unit (MLP-GRU) based Deep Neural Network (DNN) is proposed
to detect electricity theft. The MLP model takes auxiliary data
such as geographical information as input while the dataset of
smart meters is provided as an input to the GRU model. Due
to the improved generalization capability of MLP with reduced
overfitting and effective gated configuration of multi-layered
GRU, the proposed model proves to be an ideal solution in terms
of prediction accuracy and computational time. Furthermore, the
proposed model is compared with the existing MLP-LSTM model
and the simulations are performed. The results show that MLP-
GRU achieves 0.87 and 0.89 score for Area under the Receiver
Operating Characterstic Curve and Area under the Precision-
Recall Curve (PR-AUC), respectively as compared to 0.72 and
0.47 for MLP-LSTM.
Index Terms—smart grid, electricity theft, deep learning,
neural network
I. INTRODUCTION
The emergence of Advanced Metering Infrastructure (AMI)
is one of the core innovations of the smart grids. It helps
the power utilities to alleviate the possibility of energy theft
through its tracking capability and fine-grained calculations
[1]. However, using the smart metering system increases the
risk of electricity theft, which leads to the loss of electricity
and is one of the most apparent problems that negatively
affects the performance of the power grids. Electricity losses
are broadly classified into two categories: Non-Technical
Losses (NTLs) and Technical Losses (TLs) [2]. Transformer
and transmission line faults caused by internal power system
components are the most common causes of TLs. The NTLs,
on the other hand, can be calculated as the difference between
complete loss and TLs. Due to these NTLs, Pakistan is losing
0.89 billion rupees per year and an annual loss of 4.8 billion
rupees is faced in India [3].
One of the major NTLs is the stealing of electricity, which
normally involves manipulating the meter reading, bypassing
the electrical meter, etc. Electricity theft has an adverse effect
on the safety and quality of the power source. Different
users exhibit different Electricity Consumption (EC) behavior.
Though, it is a difficult task to recognize NTL patterns among
all regular patterns of EC. Various methods are used to identify
and address the NTLs. These methods are divided into three
fundamental categories: data-driven methods, network based
methods and hybrid based methods. In recent years, data-
driven approaches have gained the attention of academia and
researchers for performing ETD.
Data-driven approaches consist of different deep learning and
machine learning based solutions [3]. These solutions are
used to analyze and detect irregular patterns of consumers’
electricity consumption. Deep learning based methods for the
detection of electrical theft are used in [4], [9]. The authors
present a study of various deep learning models, including
Long-Short-Term Memory (LSTM), Multi-Layer Perceptron
(MLP), Convolutional Neural Networks (CNN), Gated Re-
current Unit (GRU), etc. However, these models have poor
generalization due to inappropriate tuning of hyperparameters.
Despite recent advancements in deep learning and its growing
success, relatively little work has been done in the literature on
the class imbalance issue. The authors in [4] used LSTM-MLP
model for data classification. However, imbalanced dataset
issue is not addressed, which leads to poor Area under the
Precision-Recall Curve (PR-AUC) score of 54.4%. Further-
more, ensemble models fail to detect diverse theft attacks due
to the imbalanced nature of the dataset [5], [6], which leads
to a high False Positive Rate (FPR) while detecting different
cases of theft attacks. Through the analysis of schemes used in
the literature, a hybrid MLP-GRU based Deep Neural Network
(DNN) is proposed in this paper to detect electricity theft using
real smart meters’ data along with auxiliary information.
The rest of the article is organized as follows: Section 2
provides the literature on the detection of energy theft in
smart grids. The proposed technique is discussed in Section 3
while Section 4 presents the performance evaluation metrics.
Simulation results are discussed in section 5 and the paper is
concluded in Section 6.
A. List of Contributions
The contributions of this study are as follows:
Due to the availability of limited electricity theft samples,
the data augmentation approach is exploited to generate
the fake samples.
Six theft attacks are used to generate synthesized theft
patterns. To balance the number of synthetic samples gen-
erated and to remove data imbalance problem, Adaptive
Synthetic (ADASYN) sampling approach is used.
A hybrid model, known as MLP-GRU, is used that
integrates both auxiliary and smart meters’ data for NTL
detection. The proposed model classifies and detects elec-
tricity theft efficiently as compared to existing models.
II. LITERATURE REVIEW
The current hybrid-oriented NTL detection solutions are
based upon machine learning and deep learning approaches.
A complex anomaly detection task is the detection of NTL.
However, it is not accurate to rely on outlier detection meth-
ods (e.g., k-means clustering and local outlier factor) alone
[1]. Traditional approaches cannot work with sequential (EC
history) and non-sequential (auxiliary information) data [1].
Similarly, recent approaches such as CNN and MLP cannot
work with sequential data. In [4], the authors use MLP
combined with LSTM models for NTL detection. However,
the imbalanced dataset issue is not resolved.
In existing supervised learning algorithms, the usage of SVM
and Logistic Regression (LR) has become an active area of
research in ETD. However, they require manual feature ex-
traction that relies on expert knowledge and does not perform
data preprocessing [2], [3], [5], [26], [30]. In [3], the authors
propose a wide and deep model to analyze electricity theft
data. However, the model cannot predict a descent in the
EC that happened before the period of analysis. Whereas, in
[5], the authors propose a Machine Learning (ML) algorithm
based on a boosting technique, termed as Gradient Boosting
Theft Detector (GBTD), which performs efficient feature
engineering based preprocessing to enhance theft detection
performance.
Traditionally, ML techniques are widely used to analyze the
irregular electricity consumption behavior of users to detect
electricity theft [6]. Though, most of these approaches have
poor accuracy due to a lack of generalization. Furthermore,
the high dimensional data degrades the performance of a
neural network with shallow architecture [7]. So, the authors
in [6] introduce a boosting technique, known as XGBoost, as a
supervised learning method for the classification of malicious
users. However, the proposed method has high FPR due to the
extremely imbalanced dataset and on-site inspections, which
are tedious and time-consuming.
Traditional classification techniques have some issues such as
imbalanced dataset problem, high FPR due to non-malicious
factors, and how to detect Zero-day attacks that cannot be
obtained from historic data [8]. A Consumption Pattern-based
Electricity Theft Detection (CPBETD) algorithm is proposed
for the detection of diverse electricity theft attacks against
AMI. However, due to the SVM’s misclassification rate, high
FPR is reported [8].
In the literature, hybrid deep learning techniques are mostly
used for ETD, in which CNN, LSTM, and Random Forest
(RF) models are of vital importance [9], [10], [26], [29].
Moreover, raw datasets are used as inputs for training and
testing, which degrades the models’ classification perfor-
mance. Moreover, we have less number of theft samples
as compared to benign samples in the real world, which
causes data imbalance problem. Balancing the dataset using
Synthetic Minority Oversampling Technique (SMOTE) can
lead to overfitting due to the generation of synthetic samples.
Furthermore, during back-propagation in the CNN network,
its generalization performance degrades due to overtraining in
the softmax classifier layer.
The existing supervised learning based data analytics meth-
ods require labeled data for training as well as additional
information is needed for the detection of energy thefts [12],
[19]. Although, conventional classification based techniques
are used for NTL detection in Power Distribution Companies
(PDCs), they have poor detection rate as well as high FPR
resulting in higher inspection cost, which is a time consuming
and tedious task as well. In article [13], the authors propose
an ensemble bagged tree classification algorithm that uses the
dataset of Multan Electric Power Company (MEPCO) to detect
electricity theft. However, the suggested method requires a
significant amount of time for training the model.
Conventional data driven techniques face issues when classify-
ing daily and weekly energy consumption data. Thus, if these
techniques are extended to hourly or more granular electricity
usage data, their accuracy will be minimum. Since, they fail
to express the trend of intraday electricity usage. In [15],
Text Convolutional Neural Network (Text-CNN) is proposed
to classify the two-dimensional time-series data. However, the
proposed models’ accuracy degrades. Numerous data driven
approaches focus on boosting techniques and ignore bagging
methods, i.e., RF and Extra Trees (ET) as ensemble learning.
In [17], a thorough analysis is performed on an ensemble ML
classifier based on bagging and boosting.
Unsupervised learning approaches have gained a lot of cover-
age of detecting electricity theft. However, on large data, these
methods have a lack of generalization. In [18], the authors
use a Stacked Sparse Denoising Auto-Encoder (SSDAE) for
extracting abstract features of large data in an unsupervised
manner. However, auto-encoders consume more processing
time due to excessive hyperparameters’ tuning. Furthermore,
in [20], the authors propose an unsupervised learning based
anomaly pattern detection approach that requires only normal
users’ consumption data for the model’s training to detect
electricity theft. However, patterns that are detected as outliers
by a classifier may be patterns of more energy usage during
holidays and weekdays.
Likewise, in [22], the authors perform a detailed analysis of
three ML classifiers such as SVM, RF, and k-Nearest Neigh-
bors (KNN), using a dataset of the electric supply company
of Pakistan to predict the existence of NTL. However, there is
a lack of reliable performance metrics for model evaluation.
III. PROP OS ED SY ST EM MO DE L
The proposed solution for NTL detection is shown in Fig.
1. The proposed hybrid deep learning based electricity theft
detector has two phases: training and testing. These two
phases typically consist of five main steps: (1) The data
preprocessing is performed at the first stage of the training
phase. In the data preprocessing, a simple imputer method is
used to replace missing values from the dataset. Afterwards,
a min-max operation is performed for data normalization
using the standard-scalar method. After completing the data
preprocessing, normal users’ samples are obtained. (2) The
normalized and cleaned data is then passed to the next step
in which data augmentation is performed. Fraudulent users’
samples are generated by altering honest samples according
to existing theft attacks [5]. (3) The ADASYN method is
applied on benign samples. (4) Balanced data that is received
from the previous stage is then passed to the next phase
for classification purpose. Balanced smart meters’ data and
auxiliary data are passed to create the MLP module and GRU
module as input for prediction. (5) At the last stage, results are
evaluated by using effective performance measures. Numerous
performance measures are used for comparative analysis, such
as Area under the Receiver Operating Characterstic Curve
(ROC-AUC), F1-score, PR-AUC and accuracy for validating
the proposed model’s efficiency. In the second phase, testing
is performed on new samples to evaluate the trained model’s
performance to determine whether the new sample belongs to
an honest class or a malicious class.
A. Data Preprocessing
The actual electricity consumption data recorded by smart
meters often contain missing values that may arise due to vari-
ous reasons including the short circuit transmission equipment,
bad connection errors, etc., that degrade the performance of
many ML models. The missing data in the dataset provokes
the classifier to classify fraudulent customers incorrectly. Fur-
thermore, when data is dispersed on a large scale, interpreta-
tion becomes complicated and execution time increases. In
the proposed method, we exploit the interpolation method
to recoup the missing data [4]. Simple Imputer is used as
an interpolation method to impute the missing values using
mean, median and the most expected values. Afterwards, the
standard-scalar method is applied for data normalization that is
used for scaling inconsistent data to a common scale between
0 and 1 for better prediction.
B. Data Augmentation using Six Theft Attacks
The number of malicious samples is substantially smaller
than the normal samples in the real world. In this scenario, if
we train ML and deep learning models on the imbalanced data,
the models will be biased regarding the majority class, and in
some cases, it will completely disregard the minority group
that leads to performance degradation. This data mismatch is
a big issue in ETD that needs to be addressed. Numerous
resampling techniques are used in the literature to tackle
this problem [1], [16], [19]. However, the undersampling
techniques lead to important information loss issues. On the
other hand, the oversampling techniques duplicate the minority
class samples that are prone to overfitting.
In consideration of the strong disparity of the massive en-
ergy consumption datasets and the drawbacks of existing
approaches, we generate synthetic samples of theft in te
proposed work by modifying honest samples. Thus, we exploit
the existing six theft attacks to generate different malignant
patterns from normal ones to train ML models with diverse
types of theft patterns [5]. It is an important aspect to generate
different malicious patterns of theft, which introduces variabil-
ity in the dataset. Also, data augmentation helps to analyze the
diversity in the consumption behavior of consumers as well as
reduce overfitting by synthetic data generation.
After generating malicious samples, the minority class (nor-
mal) is oversampled to balance the malicious and non-
malicious data points using ADASYN, which is a variant of
SMOTE.
1) Six Theft Attacks: To generate theft samples, we use
the existing theft cases of diverse types of attacks to alter
the smart meters’ data [5]. If the consumers’ actual use is
denoted by xtwhere xt= [x1,x2, ..., x365], then these theft
cases are used for modifying the real usage of patterns :
Theft attack (a1): xt=xt*r,r= random (0.1, 0.9);
Theft attack (a2): xt=xt*rt,rt= random(0.1, 1.0);
Theft attack (a3): xt=xt*rt,rt= random[0, 1];
Theft attack (a4): xt= avg (x) * rt,rt= random (0.1, 1.0);
Theft attack (a5): xt= avg (x);
Theft attack (a6): xt=xT-t.
Theft attack 1 generates the malicious consumption patterns
by multiplying the benign class of electricity consumption with
the randomly generated values between 0.1 and 0.9. Theft
attack 2 introduces a similar theft case scenario in which
meter readings of normal consumers are multiplied by different
random numbers lying between 0.1 and 1.0 that shows a
discontinuity in manipulated values and tracking of theft. In
theft attack 3, the normal samples are multiplied by 1 at a
given time interval t, and at t+1, the samples are multiplied
by 0. This implies that the consumers either send the actual
readings at a given random timestamp or merely send zero
energy usage at a subsequent time. Moreover, in the theft
attack 4 scenario, an average value of the total consumption is
Smart Meter Data
Theft 1
Malicious
Data
Benign Data
Benign Data
ADAS YN
Balanced Dataset
Data Balancing by Data Augmentation
Theft 2 Malicious
Data
Theft 3
Theft 4
Theft 5
Theft 6
Imbalanced Data
Data Interpolation
Data Normalization
Preprocessing Data
Reliable Performance
F1-Score
ROC-AUC
PR-AUC
Accuracy
Measures
Reliable Performance
MLP
Auxiliary Data
GRU
Feature Extraction and prediction with Parameter Optimization
Weighted Aggregation
Malacious samples
Benign samples
L.1 Imbalanced data set
Limitations Addressed
L.2 Missing values and
outliers
L.3 Miss Classification
due to non-Malacious
factors
S.2
S.1
S.3
Fig. 1: MLP-GRU model architecture
TABLE I: Mapping between identified limitations and proposed solutions
Limitations Identified Solutions Proposed Validations Done
L1: Imbalanced dataset problem S1: Apply six theft attacks on benign samples V1: Comparison with oversampling tech-
niques
L2: Misclassification due to non-malicious factors S2: Incorporate auxilliary data to reduce high FPR V2: Performance comparison with existing
models
multiplied by a random state between (0.1, 1.0) to under-report
the consumed energy. Whereas, theft attack 5 takes the mean
value of the total energy consumption by reporting a consistent
consumption throughout a day. Theft attack 6 occurs when the
malicious users reverse or shift the order of readings from on-
peak hour to off-peak hour [6]. Fig. 2 (a) and (b) depict a
daily energy consumption trend as well as six different types
of malicious attacks.
2) Classification and prediction with MLP and GRU: In the
proposed work, the hybrid neural network of GRU and MLP is
introduced. The proposed GRU-MLP network uses electricity
consumption data as input. The proposed methodology is
inspired by work done in [4] for detecting electricity theft.
The work in [4] developed a hybrid neural network classifier,
known as LSTM-MLP. The preprocessed energy consumption
data of the smart meter is fed into the GRU module with 100
neurons. The GRU layer has twice as many neurons as com-
pared to the MLP model. With relatively fewer cells, the GRU
layer generalizes the embedding at a lower computational cost.
Auxiliary data is passed to the MLP module as input with 20
neurons, as the data has low dimensional features. Until the
data is sent to the final dense layer, the data is normalized
using the batch normalization technique. There is only one
neuron with an activation mechanism of sigmoid in the final
layer.
IV. PERFORMANCE EVALUATION METRICS
In this section, a detailed analysis is performed to compare
the performance of the proposed MLP-GRU network with the
baseline MLP-LSTM model. The performance metrics used to
validate the performance of the above schemes are accuracy,
ROC-AUC, F1-score and PR-AUC [27]. These are derived
from the confusion matrix parameters, which are True Positive
(TP), False Positive (FP), True Negative (TN), False Negative
(FN) that reflect the number of consumers that are correctly
classified as fair consumers, incorrectly classified as normal,
correctly classified as fraudulent and incorrectly classified as
fraudulent users, respectively. Accuracy is one of the most
commonly used metrics that indicate the percentage of correct
predictions by the model. Equation 1 demonstrates accuracy
mathematically. While, the F1 score is another metric that
(a) Theft attack 1,2 and 5
(b) Theft attack 3,4 and 6
Fig. 2: Analysis of different theft attacks
indicates the balance between precision and recall, which is
defined in Equation 2.
Accuracy = (T P +T N )/(T N +T P +F N +F P )(1)
F1score = 2(P recision Recall)/(P recision +Recall)
(2)
The primary objective of ETD is to increase fraud Detection
Rate (DR) or True Psotive Rate (TPR) and low FPR [28]. The
ROC-AUC is an appropriate measure for binary classification
to detect NTLs. It is constructed by plotting TPR also known
as Recall, against FPR while changing the decision thresholds.
The score varies from 0 to 1. It is a more reliable measure in
case of a class imbalance problem. Though, TPR and FPR are
useful indicators for measuring a model’s efficiency for NTL
detection, they do not take into account the models’ precision.
Hence, to evaluate the precision of the model, PR-AUC is a
useful metric that is also a suitable measure for imbalanced
datasets. Therefore, we use PR-AUC, which takes into account
the classifier’s accuracy as well as shows the expense of on-
site utility inspections.
V. SIMULATION AND RESU LTS
In this section, the simulation results are discussed. The pro-
posed model is evaluated on Pakistan Residential Electricity
Consumption (PRECON) dataset.
A. Evaluation Results
The classification accuracy of the proposed hybrid model
is shown in Fig. 3 (a). Since the proposed MLP-GRU model
outperforms the GRU model in terms of ROC-AUC, obtaining
an AUC score of 0.87 on the test data. By considering non-
sequential or auxiliary features like the contracted power,
permanent residents and property area, etc., the NTL detection
performance is significantly increased. Whereas, MLP-LSTM
has poor performance with an AUC score of 0.72 on the test
dataset due to the limited generalization ability of the LSTM
model.
Fig. 3 (a) demonstrates a comparative analysis of the
developed hybrid model. TPR and FPR are plotted on X-
axis and Y-axis, respectively. TPR indicates the correctly
classified samples of the total available samples whilst FPR is
an expensive parameter. Initially, the proposed hybrid model
classifies the binary distribution with high accuracy and low
FPR. After reaching a peak TPR of 0.7, a slight change is
observed with an increasing FPR. However, the observed FPR
of our model is much lower than MLP-LSTM. Afterwards,
a periodic regain of our proposed models’ ROC is observed
exponentially. The periodic increase in TPR reduces FPR that
enhances the model’s stability and accuracy. This reduction
in FPR by our designed model reduces on-site inspections,
which is an expensive parameter for the utility providers due
to the deployment of experts for on-site inspections to verify
the cause. Similarly, Fig. 3 (b) shows the PR-AUC curve. The
PR-AUC of the proposed model is significantly higher than
MLP-LSTM with a PR-AUC value of 0.89 on the test dataset.
In Table 2, it is observed that the proposed MLP-GRU model
outperforms the MLP-LSTM model in terms of AUC, accuracy
and F1-score. The reason is that the computational complexity
of the proposed MLP-GRU model is low because few gates
are used in GRU as compared to the LSTM model. Also, it
performs better due to the usage of a small dataset.
TABLE II: Comparison Results
Models AUC score Accuracy F1 score
MLP-GRU 0.87 0.78 0.82
MLP-LSTM 0.72 0.51 0.62
VI. CONCLUSION
In this paper, we propose a hybrid model, known as
MLP-GRU, for detecting NTLs using smart meters’ data and
(a) ROC-AUC Curve
(b) PR-AUC Curve
Fig. 3: Evaluation Metric of MLP-GRU and MLP-LSTM
Models
auxiliary data. We incorporate sequential data as input to
the MLP module and auxiliary data is passed to the GRU
module. Furthermore, since the electricity consumption data
contains a limited number of malicious users, it makes the
classification model biased towards the majority class. To
address this problem, we generate synthetic theft patterns
using six theft attacks on benign samples for data balancing
and to incorporate diversity in theft patterns. Afterwards, we
evaluate the performance of our hybrid model against non-
malicious changes in electricity consumption patterns of users
and diverse theft attacks. Simulations are conducted using
the PRECON dataset along with theft attacks. The results
show that our proposed hybrid model outperforms the baseline
MLP-LSTM model. It is observed that by integrating auxiliary
information along with smart meters’ data, the model’s per-
formance is significantly improved in terms of PR-AUC and
ROC-AUC score with 0.89 and 0.87, respectively. In fact, the
efficiency of baseline model MLP-LSTM and the proposed
hybrid MLP-GRU network is quite low in terms of training
accuracy, which implies the importance of an optimization
algorithm for tuning hyperparameters of models to achieve
optimal results.
REFERENCES
[1] Buzau, M. M., Tejedor-Aguilera, J., Cruz-Romero, P., & G´
omez-Exp´
osito,
A. (2018). Detection of non-technical losses using smart meter data and
supervised learning. IEEE Transactions on Smart Grid, 10(3), 2661-2670.
[2] Kong, X., Zhao, X., Liu, C., Li, Q., Dong, D., & Li, Y. (2021). Electricity
theft detection in low-voltage stations based on similarity measure and
DT-KSVM. International Journal of Electrical Power & Energy Systems,
125, 106544. DOI: 10.1016/j.ijepes.2020.106544.
[3] Zheng, Z., Yang, Y., Niu, X., Dai, H. N., & Zhou, Y. (2017). Wide and
deep convolutional neural networks for electricity-theft detection to secure
smart grids. IEEE Transactions on Industrial Informatics, 14(4), 1606-
1615.
[4] Buzau, M. M., Tejedor-Aguilera, J., Cruz-Romero, P., & G´
omez-Exp´
osito,
A. (2019). Hybrid deep neural networks for detection of non-technical
losses in electricity smart meters. IEEE Transactions on Power Systems,
35(2), 1254-1263.
[5] Punmiya, R., & Choe, S. (2019). Energy theft detection using gradient
boosting theft detector with feature engineering-based preprocessing.
IEEE Transactions on Smart Grid, 10(2), 2326-2329.
[6] Yan, Z., Wen, H. (2021). Electricity theft detection base on extreme
gradient boosting in AMI. IEEE Transactions on Instrumentation and
Measurement, 70, 1-9.
[7] Avila, N. F., Figueroa, G.Chu, C. C. (2018). NTL detection in electric
distribution systems using the maximal overlap discrete wavelet-packet
transform and random undersampling boosting. IEEE Transactions on
Power Systems, 33(6), 7171-7180.
[8] Jokar, P., Arianpoo, N., & Leung, V. C. (2015). Electricity theft detection
in AMI using customers’ consumption patterns. IEEE Transactions on
Smart Grid, 7(1), 216-226.
[9] Li, S., Han, Y., Yao, X., Yingchen, S., Wang, J., Zhao, Q. (2019).
Electricity theft detection in power grids with deep learning and random
forests. Journal of Electrical and Computer Engineering, 2019. DOI:
10.1155/2019/4136874.
[10] Hasan, M., Toma, R. N., Nahid, A. A., Islam, M. M., Kim, J. M. (2019).
Electricity theft detection in smart grid systems: A CNN-LSTM based
approach. Energies, 12(17), 3310. DOI: 10.3390/en12173310.
[11] Fenza, G., Gallo, M., Loia, V. (2019). Drift-aware methodology for
anomaly detection in smart grid. IEEE Access, 7, 9645-9657.
[12] Zheng, K., Chen, Q., Wang, Y., Kang, C.,Xia, Q. (2018). A novel
combined data-driven approach for electricity theft detection. IEEE Trans-
actions on Industrial Informatics, 15(3), 1809-1819.
[13] Saeed, M. S., Mustafa, M. W., Sheikh, U. U., Jumani, T. A., Mirjat,
N. H. (2019). Ensemble bagged tree based classification for reducing
non-technical losses in multan electric power company of Pakistan.
Electronics, 8(8), 860. DOI: 10.3390/electronics8080860.
[14] Li, W., Logenthiran, T., Phan, V. T., Woo, W. L. (2019). A novel smart
energy theft system (SETS) for IoT-based smart home. IEEE Internet of
Things Journal, 6(3), 5531-5539.
[15] Feng, X., Hui, H., Liang, Z., Guo, W., Que, H., Feng, H., Ding,
Y. (2020). A Novel Electricity Theft Detection Scheme Based on
Text Convolutional Neural Networks. Energies, 13(21), 5758. DOI:
10.3390/en13215758.
[16] Qu, Z., Li, H., Wang, Y., Zhang, J., Abu-Siada, A.,Yao, Y. (2020).
Detection of electricity theft behavior based on improved synthetic
minority oversampling technique and random forest classifier. Energies,
13(8), 2039. DOI: 10.3390/en13082039.
[17] Gunturi, S. K.Sarkar, D. (2020). Ensemble machine learning models for
the detection of energy theft. Electric Power Systems Research, 106904.
DOI: 10.1016/j.epsr.2020.106904.
[18] Huang, Y., & Xu, Q. (2021). Electricity theft detection based on stacked
sparse denoising autoencoder. International Journal of Electrical Power &
Energy Systems, 125, 106448. DOI: 10.1016/j.ijepes.2020.106448.
[19] Gong, X., Tang, B., Zhu, R., Liao, W., Song, L. (2020). Data Aug-
mentation for Electricity Theft Detection Using Conditional Variational
Auto-Encoder. Energies, 13(17), 4291. DOI: 10.3390/en13174291
[20] Park, C. H., & Kim, T. (2020). Energy Theft Detection in Advanced
Metering Infrastructure Based on Anomaly Pattern Detection. Energies,
13(15), 3832. DOI: 10.3390/en13153832.
[21] Adil, M., Javaid, N., Qasim, U., Ullah, I., Shafiq, M., Choi, J. G. (2020).
LSTM and bat-based RUSBoost approach for electricity theft detection.
Applied Sciences, 10(12), 4378. DOI: 10.3390/app10124378.
[22] Maamar, A., Benahmed, K. (2019). A hybrid model for anomalies
detection in AMI system combining K-means clustering and deep neural
network. Comput. Mater. Continua, 60(1), 15-39.
[23] Ding, N., Ma, H., Gao, H., Ma, Y.,Tan, G. (2019). Real-time anomaly
detection based on long short-Term memory and Gaussian Mixture
Model. Computers Electrical Engineering, 79, 106458.
[24] Jindal, A., Dua, A., Kaur, K., Singh, M., Kumar, N.,Mishra, S. (2016).
Decision tree and SVM-based data analytics for theft detection in smart
grid. IEEE Transactions on Industrial Informatics, 12(3), 1005-1016.
[25] Lu, X., Zhou, Y., Wang, Z., Yi, Y., Feng, L. ,Wang, F. (2019).
Knowledge embedded semi-supervised deep learning for detecting non-
technical losses in the smart grid. Energies, 12(18), 3452. DOI:
10.3390/en12183452.
[26] Arif, A., Javaid, N., Aldegheishem, A., Alrajeh, N. Big Data Analytics
for Identifying Electricity Theft using Machine Learning Approaches
in Micro Grids for Smart Communities. Concurrency and Computation
Practice and Experience, DOI: 10.1002/cpe.6316
[27] Ghori, K. M., Imran, M., Nawaz, A., Abbasi, R. A., Ullah, A., Szath-
mary, L. (2020). Performance analysis of machine learning classifiers
for non-technical loss detection. Journal of Ambient Intelligence and
Humanized Computing, 1-16.
[28] Aslam, Z., Ahmed, F., Almogren, A., Shafiq, M., Zuair, M., & Javaid,
N. (2020). An Attention Guided Semi-Supervised Learning Mechanism
to Detect Electricity Frauds in the Distribution Systems. IEEE Access, 8,
221767-221782.
[29] Aldegheishem, A., Anwar, M., Javaid, N., Alrajeh, N., Shafiq, M., &
Ahmed, H. (2021). Towards sustainable energy efficiency with intelligent
electricity theft detection in smart grids emphasising enhanced neural
networks. IEEE Access, 9, 25036-25061.
... This is the author's version which has not been fully edited and content may change prior to final publication. [16], and hybrid integration of MLP-GRU for prediction and detection of NTL [17]. For the CNN, the research work in papers [18,19,20,21] have attempted to develop models by hybridizing deep learning and ensemble learning methods for detecting NTL. ...
Article
Full-text available
There is a growing concern about the high degree of non-technical losses (NTL) in developing countries especially sub-saharan Africa. Whereas several studies have employed artificial intelligence (AI) to analyze NTL, a major drawback in these studies is the focus on customer data only without considering the possible contribution of electricity distribution staff to NTL. This study introduces a novel approach to NTL reduction by analyzing a combined dataset of staff operational processes and customer consumption data. A deep-learning architecture called non-technical losses convolutional neural network (NTLCONVNET) was developed which consists of a series of three one-dimensional convolutional neural networks (1D-CNN) with different depths combined with several fully connected layers. Furthermore, limited or no research has studied the decision rationale influencing how AI models interpret the significance of features in predicting NTL. To achieve the explainability of the model, SHapley Additive exPlanations (SHAP) kernel and tree-based explainers were used for the deep and ensemble learning models respectively to determine the relative importance of the variables and how they contribute to the overall model prediction. A novel ranking framework was used to compute the holistic ranking of the variables across multiple models. The finding suggests that the staff-related variables omitted in the extant literature are significant predictors of NTL. The NTLCONVNET was compared with 5 ensemble learning algorithms and the results show that the NTLCONVNET significantly surpasses all other models, scoring 0.844, 0.838, 0.836 and 0.836 on weighted average Precision, Recall, f1 and accuracy respectively. This study, suggests a policy outcome of introducing human resource metrics into NTL reduction strategies.
... Security countermeasures can improve next-generation power grid security. Preventing automation system cyberattacks is necessary for actuating network adoption [15]. By creating a security framework to carry out wireless communication, it is necessary to establish an integrating security system to reduce cyberattacks [16]. ...
Article
Full-text available
Cyber-physical attacks are increasing in frequency across a variety of industries, including manufacturing, as a result of recent advancements in networking and Internet technologies. Cyber-physical attacks harm the system’s physical components in addition to stealing intellectual property, as the term implies. This research proposes the novel technique in security-based manufacturing of industrial process in smart grid with data classification using deep learning techniques. Here, the manufacturing process security has been enhanced using secure heterogeneous stochastic-based edge networks. Then the smart grid-based data has been classified using Boltzmann Markov model with ResNet+ architecture. The experimental analysis has been carried out in terms of training accuracy, validation accuracy, MAP, MSE, QoS, latency, and energy efficiency. The simulation findings demonstrate that the PHSA has superior defence capability and system dependability than the conventional smart grid security architecture, greatly enhancing the security of edge-enabled smart grid systems. The proposed technique attained validation accuracy of 86%, MAP of 55%, MSE of 51%, QoS of 55%, latency of 62%, and energy efficiency of 93% based on the number of users.
... In [7], a MLP ANN was used in a hybrid model where it received several inputs such as longitude and latitude and voltage from the CU. It was also used as part of the hybrid model in [9], where geographic information data were passed to the MLP. Next, in the search for architectural optimization, it was used in the last hidden layers of [10] to detect NTLs. ...
Article
Full-text available
Nontechnical losses (NTL) are irregularities in the consumption of electricity and mainly caused by theft and fraud. NTLs can be characterized as outliers in historical data series. The use of computational tools to identify outliers is the subject of research around the world, and in this context, artificial neural networks (ANN) are applicable. ANNs are machine learning models that learn through experience, and their performance is associated with the quality of the training data together with the optimization of the model’s architecture and hyperparameters. This article proposes a complete solution (end-to-end) using the ANN multilayer perceptron (MLP) model with supervised classification learning. For this, data mining concepts are applied to exogenous data, specifically the ambient temperature, and endogenous data from energy companies. The association of these data results in the improvement of the model’s input data that impact the identification of consumer units with NTLs. The test results show the importance of combining exogenous and endogenous data, which obtained a 0.0213 improvement in ROC-AUC and a 6.26% recall (1).
... The proposed work is an extended version of [26]. The model proposed for detecting electricity theft includes two stages: training and testing. ...
Article
Full-text available
The current study uses a data-driven method for Nontechnical Loss (NTL) detection using smart meter data. Data augmentation is performed using six distinct theft attacks on benign users’ samples to balance the data from honest and theft samples. The theft attacks help to generate synthetic patterns that mimic real-world electricity theft patterns. Moreover, we propose a hybrid model including the Multi-Layer Perceptron and Gated Recurrent Unit (MLP-GRU) networks for detecting electricity theft. In the model, the MLP network examines the auxiliary data to analyze nonmalicious factors in daily consumption data, whereas the GRU network uses smart meter data acquired from the Pakistan Residential Electricity Consumption (PRECON) dataset as the input. Additionally, a random search algorithm is used for tuning the hyperparameters of the proposed deep learning model. In the simulations, the proposed model is compared with the MLP-Long Term Short Memory (LSTM) scheme and other traditional schemes. The results show that the proposed model has scores of 0.93 and 0.96 for the area under the precision–recall curve and the area under the receiver operating characteristic curve, respectively. The precision–recall curve and the area under the receiver operating characteristic curve scores for the MLP-LSTM are 0.93 and 0.89, respectively.
... In our scenario, the balanced data are synthesized by six theft variants to cope with the realistic theft data. Manipulating techniques used for the synthesis of the data are as follows [42][43][44][45][46]: T1(s t ) = s t * rand(0.1, 0.9) (8) ...
Article
Full-text available
In this paper, a defused decision boundary which renders misclassification issues due to the presence of cross-pairs is investigated. Cross-pairs retain cumulative attributes of both classes and misguide the classifier due to the defused data samples’ nature. To tackle the problem of the defused data, a Tomek Links technique targets the cross-pair majority class and is removed, which results in an affine-segregated decision boundary. In order to cope with a Theft Case scenario, theft data is ascertained and synthesized randomly by using six theft data variants. Theft data variants are benign class appertaining data samples which are modified and manipulated to synthesize malicious samples. Furthermore, a K-means minority oversampling technique is used to tackle the class imbalance issue. In addition, to enhance the detection of the classifier, abstract features are engineered using a stochastic feature engineering mechanism. Moreover, to carry out affine training of the model, balanced data are inputted in order to mitigate class imbalance issues. An integrated hybrid model consisting of Bi-Directional Gated Recurrent Units and Bi-Directional Long-Term Short-Term Memory classifies the consumers, efficiently. Afterwards, robustness performance of the model is verified using an attack vector which is subjected to intervene in the model’s efficiency and integrity. However, the proposed model performs efficiently on such unseen attack vectors.
... This success is partly due to their capacity to automate complex tasks that are typically performed by humans and are difficult to program. It is also driven by the high performance they have achieved in many important fields regarding perception and decision-making tasks in smart grids [32,77], networked surveillance [14,72], medical imaging [10,58], and autonomous vehicles [39,71]. A good example of the latter is IEE [27], our industry partner in this research, who is extending its portfolio of in-vehicle monitoring systems with DNN-based products. ...
Article
Full-text available
Deep neural networks (DNNs) have demonstrated superior performance over classical machine learning to support many features in safety-critical systems. Although DNNs are now widely used in such systems (e.g., self driving cars), there is limited progress regarding automated support for functional safety analysis in DNN-based systems. For example, the identification of root causes of errors, to enable both risk analysis and DNN retraining, remains an open problem. In this paper, we propose SAFE, a black-box approach to automatically characterize the root causes of DNN errors. SAFE relies on a transfer learning model pre-trained on ImageNet to extract the features from error-inducing images. It then applies a density-based clustering algorithm to detect arbitrary shaped clusters of images modeling plausible causes of error. Last, clusters are used to effectively retrain and improve the DNN. The black-box nature of SAFE is motivated by our objective not to require changes or even access to the DNN internals to facilitate adoption. Experimental results show the superior ability of SAFE in identifying different root causes of DNN errors based on case studies in the automotive domain. It also yields significant improvements in DNN accuracy after retraining, while saving significant execution time and memory when compared to alternatives.
... This success is partly due to their capacity to automate complex tasks that are typically performed by humans and are difficult to program. It is also driven by the high performance they have achieved in many important fields regarding perception and decision-making tasks in smart grids [26,65], networked surveillance [10,61], medical imaging [7,49], and autonomous vehicles [32,60]. A good example of the latter is IEE [21], our industry partner in this research, who is extending its portfolio of in-vehicle monitoring systems with DNN-based products. ...
Preprint
Deep neural networks (DNNs) have demonstrated superior performance over classical machine learning to support many features in safety-critical systems. Although DNNs are now widely used in such systems (e.g., self driving cars), there is limited progress regarding automated support for functional safety analysis in DNN-based systems. For example, the identification of root causes of errors, to enable both risk analysis and DNN retraining, remains an open problem. In this paper, we propose SAFE, a black-box approach to automatically characterize the root causes of DNN errors. SAFE relies on a transfer learning model pre-trained on ImageNet to extract the features from error-inducing images. It then applies a density-based clustering algorithm to detect arbitrary shaped clusters of images modeling plausible causes of error. Last, clusters are used to effectively retrain and improve the DNN. The black-box nature of SAFE is motivated by our objective not to require changes or even access to the DNN internals to facilitate adoption. Experimental results show the superior ability of SAFE in identifying different root causes of DNN errors based on case studies in the automotive domain. It also yields significant improvements in DNN accuracy after retraining, while saving significant execution time and memory when compared to alternatives.
... In our scenario, the balanced data are synthesized by six theft variants to cope with the realistic theft data. Manipulating techniques used for the synthesis of the data are as follows [42][43][44][45][46]: T1(s t ) = s t * rand(0.1, 0.9) (8) ...
Chapter
Full-text available
In this paper, a problem of misclassification due to cross pairs across a decision boundary is investigated. A cross pair is a junction of the two opposite class samples. These cross pairs are identified using Tomek links technique. The majority class sample associated with cross pairs are removed to segregate the two opposite classes through an affine decision boundary. Due to non-availability of theft data, six theft cases are used to synthesize theft data to mimic real world scenario. These six theft cases are applied to benign class data, where benign samples are modified and malicious samples are synthesized. Furthermore, to tackle the class imbalance issue a K-means SMOTE is used for the provision of balance data. Moreover, the technical route is to train the model on a time-series data of both classes. Training model on imbalance data tends to misclassification of the samples, due to biasness towards a majority class, which results in a high FPR. The balanced data is provided as an input to a hybrid bi-directional GRU and bi-directional LSTM model. The two classes are efficiently classified with a high accuracy, high detection rate and low FPR.
Article
Full-text available
Non-technical loss is a serious issue around the globe. Consumers manipulate their smart meter (SM) data to under-report their readings for financial benefit. Various manipulation techniques are used. This paper highlights novel false data injection (FDIs) techniques, which are used to manipulate the smart meter data. These techniques are introduced in comparison to six theft cases. Furthermore, various features are engineered to analyze the variance, complexity, and distribution of the manipulated data. The variance and complexity are created in data distribution when FDIs and theft cases are used to poison SM data, which is investigated through skewness and kurtosis analysis. Furthermore, to tackle the data imbalance issue, the proximity weighted synthetic oversampling (ProWsyn) technique is used. Moreover, a hybrid attentionLSTMInception is introduced, which is an integration of attention layers, LSTM, and inception blocks to tackle data dimensionality, misclassification, and high false positive rate issues. The proposed hybrid model outperforms the traditional theft detectors and achieves an accuracy of 0.95%, precision 0.97%, recall 0.94%, F1 score 0.96%, and area under-the-curve (AUC) score 0.98%.
Article
Full-text available
In smart grids, electricity theft is the most significant challenge. It cannot be identified easily since existing methods are dependent on specific devices. Also, the methods lack in extracting meaningful information from high-dimensional electricity consumption data and increase the false positive rate that limit their performance. Moreover, imbalanced data is a hurdle in accurate electricity theft detection (ETD) using data driven methods. To address this problem, sampling techniques are used in the literature. However, the traditional sampling techniques generate insufficient and unrealistic data that degrade the ETD rate. In this work, two novel ETD models are developed. A hybrid sampling approach, i.e., synthetic minority oversampling technique with edited nearest neighbor, is introduced in the first model. Furthermore, AlexNet is used for dimensionality reduction and extracting useful information from electricity consumption data. Finally, a light gradient boosting model is used for classification purpose. In the second model, conditional wasserstein generative adversarial network with gradient penalty is used to capture the real distribution of the electricity consumption data. It is constructed by adding auxiliary provisional information to generate more realistic data for the minority class. Moreover, GoogLeNet architecture is employed to reduce the dataset’s dimensionality. Finally, adaptive boosting is used for classification of honest and suspicious consumers. Both models are trained and tested using real power consumption data provided by state grid corporation of China. The proposed models’ performance is evaluated using different performance metrics like precision, recall, accuracy, F1-score, etc. The simulation results prove that the proposed models outperform the existing techniques, such as support vector machine, extreme gradient boosting, convolution neural network, etc., in terms of efficient ETD.
Article
Full-text available
Electricity theft is one of the main causes of non-technical losses and its detection is important for power distribution companies to avoid revenue loss. The advancement of traditional grids to smart grids allows a two-way flow of information and energy that enables real-time energy management, billing and load surveillance. This infrastructure enables power distribution companies to automate electricity theft detection (ETD) by constructing new innovative data-driven solutions. Whereas, the traditional ETD approaches do not provide acceptable theft detection performance due to high-dimensional imbalanced data, loss of data relationships during feature extraction and the requirement of experts' involvement. Hence, this paper presents a new semi-supervised solution for ETD, which consists of relational denoising autoencoder (RDAE) and attention guided (AG) TripleGAN, named as RDAE-AG-TripleGAN. In this system, RDAE is implemented to derive features and their associations while AG performs feature weighting and dynamically supervises the AG-TripleGAN. As a result, this procedure significantly boosts the ETD. Furthermore, to demonstrate the acceptability of the proposed methodology over conventional approaches, we conducted extensive simulations using the real power consumption data of smart meters. The proposed solution is validated over the most useful and suitable performance indicators: area under the curve, precision, recall, Matthews correlation coefficient, F1-score and precision-recall area under the curve. The simulation results prove that the proposed method efficiently improves the detection of electricity frauds against conventional ETD schemes such as extreme gradient boosting machine and transductive support vector machine. The proposed solution achieves the detection rate of 0.956, which makes it more acceptable for electric utilities than the existing approaches.
Article
Full-text available
Electricity theft decreases electricity revenues and brings risks to power usage’s safety, which has been increasingly challenging nowadays. As the mainstream in the relevant studies, the state-of-the-art data-driven approaches mainly detect electricity theft events from the perspective of the correlations between different daily or weekly loads, which is relatively inadequate to extract features from hours or more of fine-grained temporal data. In view of the above deficiencies, we propose a novel electricity theft detection scheme based on text convolutional neural networks (TextCNN). Specifically, we convert electricity consumption measurements over a horizon of interest into a two-dimensional time-series containing the intraday electricity features. Based on the data structure, the proposed method can accurately capture various periodical features of electricity consumption. Moreover, a data augmentation method is proposed to cope with the imbalance of electricity theft data. Extensive experimental results based on realistic Chinese and Irish datasets indicate that the proposed model achieves a better performance compared with other existing methods.
Article
Full-text available
Due to the strong concealment of electricity theft and the limitation of inspection resources, the number of power theft samples mastered by the power department is insufficient, which limits the accuracy of power theft detection. Therefore, a data augmentation method for electricity theft detection based on the conditional variational auto-encoder (CVAE) is proposed. Firstly, the stealing power curves are mapped into low dimensional latent variables by using the encoder composed of convolutional layers, and the new stealing power curves are reconstructed by the decoder composed of deconvolutional layers. Then, five typical attack models are proposed, and the convolutional neural network is constructed as a classifier according to the data characteristics of stealing power curves. Finally, the effectiveness and adaptability of the proposed method is verified by a smart meters’ data set from London. The simulation results show that the CVAE can take into account the shapes and distribution characteristics of samples at the same time, and the generated stealing power curves have the best effect on the performance improvement of the classifier than the traditional augmentation methods such as the random oversampling method, synthetic minority over-sampling technique, and conditional generative adversarial network. Moreover, it is suitable for different classifiers.
Article
Full-text available
Energy theft refers to the intentional and illegal usage of electricity by various means. A number of studies have been conducted on energy theft detection in the advanced metering infrastructure using machine learning methods. However, applying machine learning for energy theft detection has a problem in that it is difficult to obtain enough electricity theft data to train a machine learning model. In this paper, we propose a method based on anomaly pattern detection to detect electricity theft in data streams generated from smart meters. The proposed method requires only normal energy consumption data to train the model. Previous usage records of customers being monitored are not needed for energy theft detection. This characteristic makes the proposed method applicable in real situations. Experiments were conducted using real smart meter data and artificial attack data, including the preprocessing of daily consumption vectors by standard normalization, the construction of an outlier detection model on normal electricity consumption data of randomly chosen customers, and the application of anomaly pattern detection on test data streams. Some promising results were obtained, notably, that attacks of types 4, 5, 6 were detected with an average F1 value of 0.93 and average delay of 19 days.
Article
Full-text available
The electrical losses in power systems are divided into non-technical losses (NTLs) and technical losses (TLs). NTL is more harmful than TL because it includes electricity theft, faulty meters and billing errors. It is one of the major concerns in the power system worldwide and incurs a huge revenue loss for utility companies. Electricity theft detection (ETD) is the mechanism used by industry and academia to detect electricity theft. However, due to imbalanced data, overfitting issues and the handling of high-dimensional data, the ETD cannot be applied efficiently. Therefore, this paper proposes a solution to address the above limitations. A long short-term memory (LSTM) technique is applied to detect abnormal patterns in electricity consumption data along with the bat-based random under-sampling boosting (RUSBoost) technique for parameter optimization. Our proposed system model uses the normalization and interpolation methods to pre-process the electricity data. Afterwards, the pre-processed data are fed into the LSTM module for feature extraction. Finally, the selected features are passed to the RUSBoost module for classification. The simulation results show that the proposed solution resolves the issues of data imbalancing, overfitting and the handling of massive time series data. Additionally, the proposed method outperforms the state-of-the-art techniques; i.e., support vector machine (SVM), convolutional neural network (CNN) and logistic regression (LR). Moreover, the F1-score, precision, recall and receiver operating characteristics (ROC) curve metrics are used for the comparative analysis.
Article
Metering data from the advanced metering infrastructure can be used to find abnormal electricity behavior for the detection of electricity theft, which causes huge financial losses to electric companies every year. This article proposes an electricity theft detector using metering data based on extreme gradient boosting (XGBoost). The metering data are preprocessed, including recover missing and erroneous values and normalization. The classification model based on XGBoost is trained using both benign and malicious samples. Simulations are done by using the Irish Smart Energy Trails data set with six certain attack types. Compared with the support vector machine, decision tree, and other eight machine learning methods, the proposed method can detect electricity theft with either higher accuracy or lower false-positive rate. Experiment results also demonstrate that the proposed method is robust when the data are imbalanced. Our codes are available at https://github.com/WenHe-Hnu/Electric_Theft_XGBoost .
Article
The theft of electricity affects power supply quality and safety of grid operation, and non-technical losses (NTL) have become the major reason of unfair power supply and economic losses for power companies. For more effective electricity theft inspection, an electricity theft detection method based on similarity measure and decision tree combined K-Nearest Neighbor and support vector machine (DT-KSVM) is proposed in the paper. Firstly, the condensed feature set is devised based on feature selection strategy, typical power consumption characteristic curves of users are obtained based on kernel fuzzy C-means algorithm (KFCM). Next, to solve the problem of lack of stealing data and realize the reasonable use of advanced metering infrastructure (AMI). One dimensional Wasserstein generative adversarial networks (1D-WGAN) is used to generate more simulated stealing data. Then the numerical and morphological features in the similarity measurement process are comprehensively considered to conduct preliminary detection of NTL. And DT-KSVM is used to perform secondary detection and identify suspicious customers. At last, simulation experiments verify the effectiveness of the proposed method.
Article
Advanced metering infrastructure allows the two-way sharing of information between smart meters and utilities. However, it makes smart grids more vulnerable to cyber-security threats such as energy theft. This study suggests ensemble machine learning (ML) models for the detection of energy theft in smart grids using customers’ consumption patterns. Ensemble ML models are meta-algorithms that create a pool of several ML approaches and combine them smartly into one predictive model to reduce variance and bias. A number of algorithms, including adaptive boosting, categorical boosting, extreme-boosting, light boosting, random forest, and extra trees, were tested to find their false positive and detection rates. A data pre-processing method was employed to improve detection performance. The statistical approach of minority over-sampling was also employed to tackle over-fitting. An extensive analysis based on a practical dataset of 5000 customers reveals that bagging models outperform other algorithms. The random forest and extra trees models achieve the highest area under the curve score of 0.90. The precision analysis shows that the proposed bagging methods perform better.
Article
Inspired by the powerful feature extraction and the data reconstruction ability of autoencoder, a stacked sparse denoising autoencoder is developed for electricity theft detection in this paper. The technical route is to employ the electricity data from honest users as the training samples, and the autoencoder can learn the effective features from the data and then reconstruct the inputs as much as possible. For the anomalous behavior, since it contributes little to the autoencoder, the detector returns to a comparatively higher reconstruction error; hence the theft users can be recognized by setting an appropriate error threshold. To improve the feature extraction ability and the robustness, the sparsity and noise are introduced into the autoencoder, and the particle swarm optimization algorithm is applied to optimize these hyper-parameters. Moreover, the receiver operating characteristic curve is put forward to estimate the optimal error threshold. Finally, the proposed approach is evaluated and verified using the electricity dataset in Fujian, China.