Abstract
An advanced metering infrastructure (AMI) system plays a key role in the smart grid (SG), but it is vulnerable to cyberattacks. Current detection methods for AMI cyberattacks mainly focus on the data center or a distributed independent node. On one hand, it is difficult to train an excellent detection intrusion model on a self-learning independent node. On the other hand, large amounts of data are shared over the network and uploaded to a central node for training. These processes may compromise data privacy, cause communication delay, and incur high communication costs. With these limitations, we propose an intrusion detection method for AMI system based on federated learning (FL). The intrusion detection system is deployed in the data concentrators for training, and only its model parameters are communicated to the data center. Furthermore, the data center distributes the learning to each data concentrator through aggregation and weight assignments for collaborative learning. An optimized deep neural network (DNN) is exploited for this proposed method, and extensive experiments based on the NSL-KDD dataset are carried out. From the results, this proposed method improves detection performance and reduces computation costs, communication delays, and communication overheads while guaranteeing data privacy.
AN advanced metering infrastructure (AMI) system is a key system in the field of smart grid (SG) technology. In recent years, AMI systems have been vigorously developed with the development of the SG [
At present, an intrusion detection system (IDS) is widely adopted in the AMI cybersecurity, which can monitor cyber-attacks and malicious intrusion behaviors in the AMI system in a timely manner as well as activities from access points. Moreover, the IDS records and prevents suspicious activities marked as intrusions [
In recent years, various studies have applied these methods to anomaly-based IDSs with in-depth developments in data mining, machine learning, and deep learning [
As the weaknesses and vulnerabilities of AMI systems tend to be distributed, the level of intrusion increases. The intrusion behavior is no longer a single behavior, which is gradually becoming more distributed. It is difficult for centralized intrusion detection methods to effectively prevent intrusions. Therefore, distributed intrusion detection methods have aroused the interests of many researchers. Reference [
Although the intrusion detection methods proposed for AMI systems in the above studies perform well, these methods need to share large amounts of data over the network and then send it to a data center or distributed independent node for training and intrusion detection. First, these methods have the hidden danger of data privacy leakage. Second, they impose communication delays that make real-time detection difficult, a high communication overhead, and high computation costs.
To address the aforementioned limitations, we propose an intrusion detection method for AMI systems based on federated learning (FL). In the proposed method, the data concentrators do not need to upload all of their data to the data center. Instead, they utilize their computing resources to train the IDS model locally using their own data, and only the model parameters are uploaded to the data center instead of sending an extensive amount of data. The data center aggregates the uploaded model parameters and then disseminates the global improvement model to all data concentrators for collaborative training. An optimized deep neural network (DNN) is designed to train the intrusion detection model, and the NSL-KDD dataset is utilized in experiments. This method aims to achieve better detection performance with privacy protection and to reduce communication delay, computation costs, and communication overhead.
The main contributions of this paper are summarized as follows.
1) We create an intrusion detection model for AMI systems based on FL, and an optimized DNN is designed for the model. Extensive experiments based on the NSL-KDD dataset [
2) We develop an FL model suitable for SG AMI systems. On one hand, this model helps build a comprehensive intrusion detection model by federating multiple data concentrators, and the model helps the data concentrators collaborativey learn the results in an improved model for better detection. On the other hand, this model can deploy an IDS to the data concentrators to process their own data. It can realize real-time detection and maintain data privacy.
This paper is organized as follows. Section II introduces the AMI system architecture and the cybersecurity issues in AMI systems. Section III describes the proposed intrusion detection method for AMI systems based on FL. Section IV verifies the proposed method using the NSL-KDD dataset. Section V concludes this paper.
An AMI system consists of smart meters, data concentrators, data center, and communication network, which is interconnected with the communication network to achieve two-way communication of power data. The AMI system architecture with three layers is shown in

Fig. 1 AMI system architecture.
The first layer is the HAN, which is composed of smart meters and the electric controllable appliances connected by the consumers. The smart meters collect power consumption information of the users and the consumption through the HAN. Zigbee is a low-cost and low-power wireless mesh networking protocol, which can be widely deployed and utilized in a more reliable environment. The HAN communicates among these electric controllable appliances over a short distance. In rare cases, power line communication (PLC) can be used in HAN.
The second layer is the NAN, which is composed of data collectors that communicate with the smart meters of the HAN and aggregate the information from the smart meters. PLC, WiMAX, etc. can possibly be applied at this layer.
The third layer is the WAN, which is composed of the network between the data concentrators and the data center. The data center actively requests power data from the data concentrators through the WAN, or the data concentrators pass through the WAN at a preset time interval. They centrally upload regional data to the data center; then, the data center distributes the electricity price information to users and implements related measures such as load management, demand response, and meter control commands to improve customer service [
An AMI system realizes a two-way communication of power consumption data, electricity price billing, load transfer, and remote control instructions through interconnections with computer networks. Although the regulation efficiency of the SG has been improved, the application of various wireless and wired heterogeneous communication technologies in AMI systems and the access of a large number of smart terminal devices greatly increase the possibility of cyberattacks owing to the expanded use of software and the introduction of wireless interfaces [
The cybersecurity standards of AMI systems include confidentiality, integrity, availability, and accountability [
The first situation is to attack the access node of an AMI system such as a smart meter, a data concentrator, and the data center. Device-based attacks are manipulated through the security flaws of the device terminal to perform malicious activities such as tampering with metering storage, man-in-the-middle (MIM) attacks, denial of service (DoS) attacks, or unauthorized use of services. Digital technologies enhance the extensibility and scalability of metering functions. However, they also introduce new attack vectors to AMI systems. An attacker can insert malicious code in the memory of a smart meter to tamper with stored data [
The second situation is to attack the three-layer communication network for AMI systems. Unlike the traditional transmission control protocol (TCP)/IP in the network, multiple wired and wireless communication media and numerous public and private protocols may be applied in the WAN, NAN, and HAN because of their convenience and low cost, making the three-layer communication networks vulnerable to malicious attacks. For example, Zigbee is easy to compromise with a DoS attack [
In addition, each two-way communication path supports control and measurement in the AMI system, which has the potential to become an entry point for both physical attacks and cyberattacks that may be used by anyone with malicious intent. Wireless networks can easily be probed by attackers and are susceptible to MIM attacks. Moreover, there exists the possibility of logging into these nodes, reprogramming the measurements, and controlling the commands. Therefore, data privacy would be compromised, leading to significant errors in power metering, which will lead to power outages.
FL is a new distributed learning paradigm to decentralize training data. A machine-learning model is built using a database distributed on the edge, and only the model parameters are uploaded to the data center instead of the original data, which prevents data leakage and protects user privacy. At the same time, FL can also solve the problems related to limited network bandwidth, communication delays, and high communication costs. FL is an AI model that meets the requirements of data privacy, information security, and communication performance [
The intrusion detection model for AMI systems based on FL, as shown in

Fig. 2 Intrusion detection model for AMI systems based on FL.
1) Data center: the data center acts as a coordinator for the data concentrators and is responsible for constructing a global intrusion detection model by federating and aggregating the model parameters of locally trained models at each data concentrator. In order to obtain an optimal intrusion detection model, multiple rounds of communication of the interactions between the data center and the data concentrators are required. The optimized model is then communicated back to the distributed data concentrators. Hence, the knowledge is shared among them. This sharing scheme results in better learning for each data concentrator, as it enables an edge device, i.e., a data concentrator, to detect intrusions based on the comparable behavior generated from different participating devices, which allows a data concentrator to benefit from the peer-to-peer model. In short, the data center in the proposed method aims to distribute the training results among multiple data concentrator defenders to generate appropriate defense strategies.
2) Data concentrator: each data concentrator represents an edge-node owner in the AMI system. The IDSs are distributed in the data concentrators, which are responsible for monitoring the network traffic from the NAN and collecting the network traffic from smart meters. The data concentrators are in charge of building a local intrusion detection model based on their own monitored network traffic data. Once a local intrusion detection model for each data concentrator has been trained, only the parameters of local intrusion detection model are uploaded to the data center by repeated interaction with the data center until the model converges. Data concentrators have the autonomy of local intrusion detection through the local execution of training, parameter optimization, and inference. Therefore, it preserves the database, maintains data privacy, and accelerates the detection time since an analysis is performed locally, where the network traffic data are generated.
We assume that there are two types of data concentrators that do not participate in cooperation. One is a malicious device, and the other is a selfish device. First, we assume that the data concentrators in the the proposed method are normal before being trained, which can be ensured by an initial security inspection offline. Then, the data concentrators under external attacks can be identified and provide effective resistance using the intrusion detection model.
We transplant the FL into an AMI system for intrusion detection and explore the similarities between the SG AMI system and FL. The steps for intrusion detection for the AMI system based on the FL are as follows.
Step 1: the data center generates a general intrusion detection model, builds a DNN structure in the model, and determines the hidden layer, neurons, number of iterations, and other parameters. We use a DNN as the neural network architecture for the IDS.
Step 2: the data concentrators that participate in FL training download the general model uniformly.
Step 3: the data concentrators monitor their network data using a profiler and use their anomaly data to train a local intrusion detection model. There is no information interaction between data concentrators, and each concentrator only uploads its model information.
Step 4: only the model parameters of the updated intrusion detection models are shared with the data center instead of uploading a large amount of sensitive and private data from the data concentrators.
Step 5: once the updated local intrusion detection models of all the data concentrators participating in FL training are received, the data center uses the federated averaging algorithm to aggregate the parameters from different intrusion detection models of the data concentrators and creates a new updated intrusion detection model. The complete process and steps of the algorithm are presented in
Algorithm 1 : intrusion detection for AMI systems based on FL |
---|
Input: dataset , initial global model parameters , local minibatch size B, number of data concentrators K, learning rate η, number of local epochs E, and fraction of data concentrators C Output: the parameters of global intrusion detection model for next communication round 1: Procedure that the data center executes: 2: Initialize 3: for each round t = 1, 2, , n do 4: m max CK,1) 5: is the random set of m data concentrators 6: for each data concentrator in parallel do 7: , where w is the output of the data concentrator update (k,w) 8: end for 9: 10: end for 11: end procedure that the data center executes 13: Procedure that the data concentrators execute: 14: Data concentrator update 15: Run on the selected concentrator k 16: Bk is the split local intrusion detection data into batches of size B 17: for each local epoch i from 1 to E do 18: for batch do 19: 20: end for 21: end for 22: Return w to the data center 23: end procedure that the data concentrators execute |
Step 6: the data center sends the updated model parameters to each data concentrator.
Step 7: each data concentrator uses the updated model parameters and improves them using its newly generated data. Steps 4, 5, 6, and 7 are repeated to update iteratively and to improve the federated intrusion detection model until convergence.
The FL utilized in the AMI system provides the following benefits. First, the security and privacy of the data in the data concentrators are preserved. Second, anomaly detection is realized in real time, and response messages are provided in a timely manner. In addition, the communication delay due to the large amounts of transmitted data is reduced, and the risk of data leakage is avoided. Moreover, even if there is no connection between the data concentrators and the data center, the local intrusion detection model of a data concentrator can still detect anomalies in the AMI system. A data concentrator benefits from its peer intrusion detection models and improves the detection performance of the model.
We use a DNN as the general model of FL for intrusion detection for AMI system. A DNN is an artificial neural network (ANN) method, and a multilayer perceptron (MLP) model is a forward structure of an ANN, which contains multiple hidden layers, also called a DNN. An MLP maps a set of input vectors to a set of output vectors, and it can be observed as a directed graph consisting of multiple node layers in which each layer is fully connected to the next layer. Except for the input node, each node is a neuron with a nonlinear activation function. We use the supervised learning method of the backpropagation (BP) algorithm to train the MLP. An MLP is the improvement of a perceptron and overcomes a weakness of the perceptron: it cannot recognize linearly inseparable data.
An MLP is defined mathematically as , where m is the size of the input vector and n is the size of the output vector O(x). Each layer is computed by a nonlinear activation function, mathematically expressed as:
(1) |
where :, and is defined as the size of the input; is any activation function; ; and .
With dropout [
(2) |
(3) |
where is a vector of Bernoulli random variables, each of which has probability p of being 1; and is the index of the hidden layers of the DNN.
For the output-layer activation function, the MLP model uses a softmax function as the nonlinear activation function in the multiclass problem since the attack types are multiclass. The softmax activation function outputs the probabilities of each class and selects the largest value among the probability values to give a more accurate value. The mathematical formula for the softmax activation function is:
(4) |
where ; xi is the input for each layer; and is the output for each node at the hidden layer.
We select a rectified linear unit (ReLU) as the hidden-layer activation function, as it helps mitigate the vanishing error gradient issue [
The ReLU is mathematically defined as:
(5) |
It is essential to determine the optimal parameters to achieve good performance for modeling an MLP, in which constructing the loss function is the first step. A loss function is used to calculate the magnitude of the difference between the predicted and target values. In this paper, we use the categorical cross-entropy to calculate the error or loss function. The final layer is also passed from the softmax activation function so that the output value must have a probability between 0 and 1. The cross-entropy function is expressed as [
(6) |
where is the loss function; W is the weight matrix; b is the bias vector; is the output vector formed from actual probability values; and is the output vector formed from the expected probability values.
The training parameters are usually learned with gradient descent, which is a nonlinear optimization problem. Gradient descent is randomly initiated by setting a set of deep network parameters, but it is updated at each step to decrease the gradient by computing the gradient descent of the nonlinear function being optimized.
The technique for minimizing is stochastic gradient descent, which is a standard gradient computed via BP using a constant as a learning rate. The final parameters W and b are obtained by averaging. Equations (
(7) |
(8) |
where and are the model parameters of the weight matrix and bias vector, respectively.
After analyzing the hyperparameters, the hyperparameters of the DNN have to be appropriately and experimentally selected in order to achieve optimal performance in FL applications. Therefore, we carry out many experiments to analyze and compare the performance of the DNN using different hyperparameters in order to obtain a better model for the FL. Therefore, we build the model using three hidden layers. The first, second, and third layers have 256, 512, and 256 neural units, respectively. We use an ReLU as the activation function and a dropout rate of 0.4 to ensure the regularization after the first hidden layer. The dropout layer helps control the overfitting by removing an individual unit with a random probability while training the model. The softmax activation function is used for the output layer of the classifier [

Fig. 3 Model architecture of DNN.
Hyperparameter | Value |
---|---|
DNN units of input layer | 122 |
DNN units of hidden layer 1 | 256 |
Dropout rate of hidden layer 1 | 0.4 |
DNN units of hidden layer 2 | 512 |
DNN units of hidden layer 3 | 256 |
DNN units of output layer | 5 |
Since an AMI system can be treated as a combination of a computer network and a power system with some additional new characteristics, some communication scenarios observed for computer networks can resemble those of an AMI system. For example, some attacks such as blocking data and theft of information are common in the NSL-KDD dataset [
The NSL-KDD dataset contains 125973 records in the training dataset and 22544 records in the testing dataset. Each record has 41 features and a label. The features include time-based network traffic data and host-based network traffic data, and the label types include normal and abnormal types. Among the abnormal types, there are four main types of attacks, i.e., DoS, Probe, user-to-root (U2R), and root-to-local (R2L). The training dataset has one normal and 22 different types. In order to verify the effectiveness of the model in detecting unknown attacks, 17 new attacks have been added to the testing set. We use “KDDTrain+” and “KDDTest+” for training and testing, respectively. In this paper, we combine the two datasets, of which is used for training and is used for testing. In order to simulate real scenarios in an AMI system, the dataset is not independently and identically distributed in each concentrator for training and testing. The samples used in the experiment are randomly distributed among data concentrators [
Attack category | 22 attacks in training dataset | 17 new attacks in testing dataset |
---|---|---|
Dos |
Back, land, Neptune, pod, smurf, teardrop |
Apache2, Processtable, mailbomb, udpstorm |
Probe | Ipsweep, nmap, portsweep, satan | Saint, mscan |
U2R |
Buffe_roverflow, loadmodule, perl, rootkit |
Ps, snmpguess, sqlattack, worm, xterm |
R2L |
Spy, Warezclient, ftp_write, guesspasswd, imap, multihop, phf, warezmaster |
Httptunnel, named, sendmail, snmpgetattack, xlock, xsnoop |
1) The dataset contains three discrete features including the protocol type, service, and flag. In order to enable the dataset to be recognized and trained by the DNN, one-hot encoding is used to separate the three discrete data features. We convert the three discrete data features into continuous data and then express these data as numerical values.
2) In order to ensure that the training and testing results are effective and reliable, the features of the dataset must be normalized, and all feature data must be normalized in the range of [0,1]. In this paper, we use min-max normalization during data processing.
3) After processing the data labels of the training and testing datasets, the labels are categorized into five categories, i.e., normal, DoS, Probe, U2R, and R2L. Label coding is used to convert these five categories of labels into continuous numerical variables expressed as 0, 1, 2, 3, and 4. Finally, we obtain 122-dimensional features and a one-dimensional label.
To analyze the performance of the central intrusion detection model and the proposed method, we adopt the accuracy , recall R, precision P, F1-measure F1, and computation cost for comparison [
(9) |
(10) |
(11) |
(12) |
where is the number of samples correctly classified as the attack type; is the number of samples correctly classified as the normal type; is the number of normal samples that are incorrectly classified as the attack type; and is the number of attack samples that are incorrectly classified as the normal type.
True class | Predicted class | |
---|---|---|
Negative class | Positive class | |
Negative class | ||
Positive class |
All experiments are performed on Windows desktop computers equipped with a central processing unit (CPU) running at 4.4 GHz, 64 GB of random access memory (RAM), and an NVIDIA GeForce MX250 graphics processing unit (GPU). The proposed method and centralized model are implemented in PyTorch.
The parameters for the simulations are listed in Table IV.
Parameter | Value |
---|---|
Batch size | 128 |
Learning rate | 0.001 |
Number of local epoch | 15 |
Communication round | 10, 20, 50, 100 |
Loss function | Cross entropy |
Optimizer | Adam |
Fraction | 0.1 |
Number of users | 50 |
1) Result 1: the influence of the participation ratio of data concentrators for the proposed method. The number of data concentrators affects its iterative convergence performance. In the experiments, we select 50 data concentrators to participate in the experiment and explore the influence of the number of data concentrators on the proposed method. The training and testing datasets are randomly and unevenly assigned to 50 data concentrators. We vary the parameter C for each training round. For instance, means that all of the data concentrators in the AMI system are used for training. implies that half of data concentrators are used, and C equaling between 0.1 and 0.5 means a few data concentrators in the AMI system are used. The results are shown in

Fig. 4 Performance of different numbers of data concentrators participate in training proposed method. (a) Accuracy. (b) Loss.
2) Result 2: the computation costs of the centralized and the proposed method. We qualitatively analyze the DNN under the centralized machine-learning model and the proposed method using the same specifications for the training samples to compare the computation costs of the two methods. The time required for the traditional centralized machine-learning model tcentralized is the time required for all samples to be trained once through the DNN, while the time required for the proposed method tFL is the maximum time required for multiple small local samples Di to be trained once through the local model. The results are summarized in Table V.
Method | Participant | Training data size | Time required for one iteration (s) |
---|---|---|---|
Centralized | 1 | Data center training set size | 39.2904 |
Proposed | Local training dataset of each participant Di | 23.5514 |
The computation time required for the proposed method is expressed as:
(13) |
where is the training time of the data concentrator with the longest training time in a communication round.
We conclude from Table V that the proposed method approximately reduces the computation time by a factor of two compared with that of the centralized model.
3) Result 3: the detection performance of the centralized and the proposed methods. We compare the intrusion detection performance of the centralized and the proposed methods. In this set of experiments, we assume a case where five data concentrators are distributed in the AMI system, and each data concentrator represents an IDS. We consider five IDSs that monitor network traffic generated by five subnetworks. Table VI presents the detection accuracy of the centralized and the proposed methods. Table VII presents a comparison of the detection performances of the proposed and centralized models for all attack types. Figures

Fig. 5 Confusion matrix for proposed method.

Fig. 6 Confusion matrix for centralized model.
Model | Accuracy (%) |
---|---|
Proposed | 99.32 |
Centralized | 98.94 |
Attack type | Proposed model | Centralized method | ||||
---|---|---|---|---|---|---|
(%) | (%) | R (%) | (%) | (%) | R (%) | |
Normal | 99.34 | 99.38 | 99.45 | 98.91 | 99.07 | 99.23 |
DoS | 99.96 | 99.96 | 99.38 | 99.76 | 99.82 | 99.88 |
Probe | 98.84 | 99.12 | 99.38 | 97.56 | 98.26 | 98.97 |
R2L | 93.73 | 89.33 | 86.33 | 93.17 | 88.39 | 80.55 |
U2R | 80.00 | 73.41 | 67.23 | 0 |
4) Result 4: the convergence speeds and communication overheads of the centralized and the proposed methods.
In real-time anomaly detection, a response message is crucial. Quick and accurate detections of abnormal data at the data concentrator are very important for security protection of AMI system. As shown in Figs.

Fig. 7 Comparison of proposed and centralized models with 10 communication rounds. (a) Loss. (b) Accuracy.

Fig. 8 Comparison of proposed and centralized models with 20 communication rounds. (a) Loss. (b) Accuracy.

Fig. 9 Comparison of proposed and centralized models with 50 communication rounds. (a) Loss. (b) Accuracy.

Fig. 10 Comparison of proposed and centralized models with 100 communication rounds. (a) Loss. (b) Accuracy.
We propose an intrusion detection method for AMI systems based on FL. We transplant the FL into an AMI system for distributed collaborative intrusion detection while maintaining data privacy. Moreover, we design an optimized DNN for the proposed method in order to train and detect the intrusions.
We utilize the NSL-KDD dataset to carry out extensive experiments. The results show that the proposed method for AMI systems achieves better detection performance according to four evaluation metrics calculated from the confusion matrices.
Further, it reduces communication overhead and computation costs. When faced with small intrusion of R2L and U2R attacks, the proposed method has an increased detection rate of approximately 7% for R2L attacks and a 60%-70% improved detection accuracy for U2R attacks. In addition, better detection performance can be achieved as more data concentrators participate in the proposed method for training.
In the future, we will investigate encryption strategies for the parameters of the proposed method to further improve the reliability and security. Furthermore, we will collect real SG intrusion data to improve the proposed method.
References
A. Ipakchi and F. Albuyeh, “Grid of the future,” IEEE Power & Energy Magazine, vol. 7, no. 2, pp. 52-62, Feb. 2009. [Baidu Scholar]
J. Zhang and Z. Chen, “The impact of AMI on the future power system,” Automation of Electric Power Systems, vol. 43, no. 2, pp. 20-23, Jan. 2010. [Baidu Scholar]
M. Arian, V. Soleimani, B. Abasgholi et al., “Advanced metering infrastructure system architecture,” in Proceedings of 2011 Asia-Pacific Power and Energy Engineering Conference, Wuhan, China, Mar. 2011, pp. 1-6. [Baidu Scholar]
R. Shein, “Security measures for advanced metering infrastructure components,” in Proceedings of 2010 Asia-Pacific Power and Energy Engineering Conference (APPEEC), Chengdu, China, Mar. 2010, pp. 1-3. [Baidu Scholar]
A. Anzalchi and A. Sarwat, “A survey on security assessment of metering infrastructure in smart grid systems,” in Proceedings of the IEEE Southeast conference in Fort Lauderdale, Fort Lauderdale, USA, Apr. 2015, pp.1-4. [Baidu Scholar]
X. Miao, X. Chen, X. Ma et al., “Comparing smart grid technology standards roadmap of the IEC, NIST and SGCC,” in Proceedings of 2012 China International Conference on Electricity Distribution (CICED 2012), Shanghai, China, Sept. 2012, pp.1-4. [Baidu Scholar]
D. Li, Z. Aung, J. R. Williams et al., “Efficient authentication scheme for data aggregation in smart grid with fault tolerance and fault diagnosis,” in Proceedings of 2012 IEEE PES Innovative Smart Grid Technologies (ISGT), Washington DC, USA, Jan. 2012, pp.1-8. [Baidu Scholar]
F. M. Cleveland, “Cyber security issues for advanced metering infrastructure (AMI),” in Proceedings of 2008 IEEE PES General Meeting, Pittsburgh, USA, Jul. 2008, pp. 1-5. [Baidu Scholar]
R. Berthier, W. H. Sanders, and H. Khurana, “Intrusion detection for advanced metering infrastructures: requirements and architectural direction,” in Proceedings of 2010 First IEEE International Conference on Smart Grid Communications, Gaithersburg, USA, Oct. 2010, pp. 350-355. [Baidu Scholar]
M. Ni, M. Li, J. Li et al., “Concept and research framework for coordinated situation awareness and active defense of cyber-physical power systems against cyber-attacks,” Journal of Modern Power Systems and Clean Energy, vol. 9, no. 3, pp. 477-484, May 2021. [Baidu Scholar]
Y. Dong, R. Wang, and J. He, “Real-time network intrusion detection system based on deep learning,” in Proceedings of 2019 IEEE 10th International Conference on Software Engineering and Service Science (ICSESS), Beijing, China, Oct. 2019, pp. 1-4. [Baidu Scholar]
S. Yu, J. Cha, T. Lee et al. (2019, Nov.). Features recognition from piping and instrumentation diagrams in imageformat using a deep learning network. [Online]. Available: https://doi.org/10.3390/en12234425. [Baidu Scholar]
M. Ishaque and L. Hudec, “Feature extraction using deep learning for intrusion detection system,” in Proceedings of 2019 2nd International Conference on Computer Applications & Information Security (ICCAIS), Riyadh, Saudi Arabla, May 2019, pp. 1-5. [Baidu Scholar]
P. I. Radoglou-Grammatikis and P. G. Sarigiannidis, “Securing the smart grid: a comprehensive compilation of intrusion detection and prevention systems,” IEEE Access, vol. 7, pp. 46595-46620, Apr. 2019. [Baidu Scholar]
Y. Li, R. Qiu, and S. Jing, “Intrusion detection system using online sequence extreme learning machine (OS-ELM) in advanced metering infrastructure of smart grid,” PloS One, vol. 13, no. 2, p. e0192216, Sept. 2018. [Baidu Scholar]
F. Liu, Z. Wu, and L. Ding, “AMI intrusion detection algorithm based on improved online sequence learning machine,” Computer Engineering, vol. 46, no. 9, pp. 136-142, Sept. 2019. [Baidu Scholar]
K. Song, P. Kim, V. Tyagi et al. (2018, May). Artificial immune system(AIS) based intrusion detection system (IDS) for smart grid advanced metering infrastructure (AMI) networks. [Online]. Available: https://vtechworks.lib.vt.edu/handle/10919/83203 [Baidu Scholar]
Y. Guo, C. Ten, S. Hu et al., “Preventive maintenance for advanced metering infrastructure against malware propagation,” IEEE Transactions on Smart Grid, vol. 7, no. 3, pp. 1314-1328, May 2016. [Baidu Scholar]
C. Sun, D. S. Cardenas, A. Hahn et al., “Intrusion detection for cybersecurity of smart meters,” IEEE Transactions on Smart Grid, vol. 12, no. 1, pp. 612-622, Jan. 2021. [Baidu Scholar]
M. A. Faisal, Z. Aung, J. R.Williams et al., “Securing advanced metering infrastructure using intrusion detection system with data stream mining,” in Proceedings of Pacific Asia Conference on Intelligence & Security Informatics, Berlin, German, May 2012, pp. 96-111. [Baidu Scholar]
M. A. Faisal, Z. Aung, J. R. Williams et al., “Data-stream-based intrusion detection system for advanced metering infrastructure in smart grid: a feasibility study,” IEEE Systems Journal, vol. 9, no. 1, pp. 31-44, Jan. 2015. [Baidu Scholar]
Y. Zhang, L. Wang, W. Sun et al., “Distributed intrusion detection system in a multi-layer network architecture of smart grids,” IEEE Transaction on Smart Grid, vol. 2, no. 4, pp. 796-808, Dec. 2011. [Baidu Scholar]
F. A. A. Alseiari and Z. Aung, “Real-time anomaly-based distributed intrusion detection systems for advanced metering infrastructure utilizing stream data mining,” in Proceedings of 2015 International Conference on Smart Grid & Clean Energy Technologies, Offenburg, Germany, Oct. 2016, pp. 148-153. [Baidu Scholar]
A. Patel, H. Alhussian, J. M. Pedersen et al., “A nifty collaborative intrusion detection and prevention architecture for smart grid ecosystems,” Computers & Security, vol. 64, pp. 92-109, Jul. 2016. [Baidu Scholar]
M. Tavallaee, E. Bagheri, W. Lu et al., “A detailed analysis of the KDD cup 99 data set,” in Proceedings of IEEE Symposium on Computational Intelligence for Security and Defense Applications, Ottawa, Canada, Jul. 2009, pp. 1-6. [Baidu Scholar]
N. Komninos, E. Philippou, and A. Pitsillides, “Survey in smart grid and smart home security:issues,challenges and countermeasures,” IEEE Communications Surveys & Tutorials, vol. 16, no. 4, pp. 1933-1954, Apr. 2014. [Baidu Scholar]
Z. E. Mrabet, N. Kaabouch, H. E. Ghazi et al., “Cyber security in smart grid: survey and challenges,” Computers & Electrical Engineering, vol. 67, pp. 469-482, Apr. 2018. [Baidu Scholar]
V. C. Gungor, D. Sahin, T. Kocak et al., “A survey on smart grid potential applications and communication requirements,” IEEE Transactions on Industrial Informatics, vol. 9, no. 1, pp. 28-42, Feb. 2013. [Baidu Scholar]
C. Chen, K. Zhang, M. Ni et al., “Cyber-attack-tolerant frequency control of power systems,” Journal of Modern Power Systems and Clean Energy, vol. 9, no. 2, pp. 307-315, Mar. 2021. [Baidu Scholar]
E. Bou-Harb, C. Fachkha, M. Pourzandi et al., “Communication security for smart grid distribution networks,” IEEE Communication Magazine, vol. 51, no. 1, pp. 42-49, Jan. 2013. [Baidu Scholar]
R. Berthier, W. H. Sanders, and H. Khurana, “Intrusion detection for advanced metering infrastructures: requirements and architectural directions,” in Proceedings of the 1st IEEE International Conference on Smart Grid Communications, Gaithersburg, Maryland, Oct. 2010, pp. 350-355. [Baidu Scholar]
S. McLaughlin, D. Podkuiko, and P. McDaniel, “Energy theft in the advanced metering infrastructure,” in Proceedings of International Workshop on Critical Information Infrastructures Security, CRITIS 2009, Bonn, Germany, Sept. 2009, pp.176-187. [Baidu Scholar]
S. McLaughlin, D. Podkuiko, S. Miadzvezhanka et al., “Multi-vendor penetration testing in the advanced metering infrastructure,” in Proceedings of Annual Computer Security Applications Conference, Honolulu, USA, Dec. 2010, pp. 107-116. [Baidu Scholar]
C. Matthew. (2009, Feb.). Hacking AMI, SANS process control and SCADA security summit. [Online]. Available: https://www.inguardians.com/sans-scada-summit-presentations/. [Baidu Scholar]
H. B. McMahan, E.Moore, D.Ramage et al., “Communication-efficient learning of deep networks from decentralized data,” in Proceedings of the 20th International Conference on Artificial Intelligence and Statistics (AISTATS), Fort Lauderdale, USA, Feb. 2017, pp. 1273-1282. [Baidu Scholar]
J. Konecny, H. B. McMahan, and D. Ramage. (2016, Oct.). Federated optimization: distributed machine learning for on-device intelligence. [Online]. Available: https://arxiv.org/abs/1610.02527 [Baidu Scholar]
Q. Yang, Y. Liu, T. Chen et al., “Federated machine learning: concept and applications,” ACM Transactions on Intelligent Systems and Technology, vol. 10, no. 2, pp. 1-19, Jan. 2019. [Baidu Scholar]
N. Srivastava, G. Hinton, A.Krizhevsky et al., “Dropout: a simple way to prevent neural networks from overfitting,” Journal of Machine Learning Research, vol. 15, pp. 1929-1958, Jun. 2014. [Baidu Scholar]
X. Glorot, A. Bordes, and Y. Bengio, “Deep sparse rectifier neural networks,” in Proceedings of the Fourteenth International Conference on Artificial Intelligence and Statistics, Fort Lauderdale, USA, Jun. 2011, pp. 315-323. [Baidu Scholar]
S. Ahmad, F. Arif, Z. Zabeehullah et al., “Novel approach using deep learning for intrusion detection and classification of the network traffic,” in Proceedings of International Conference on Computational Intelligence and Virtual Environments for Measurement Systems and Applications (CIVEMSA), Tunis, Tunisia, Jun. 2020, pp. 1-6. [Baidu Scholar]
J. Ran, Y. Ji, and B. Tang, “A semi-supervised learning approach to IEEE 802.11 network anomaly detection,” in Proceedings of IEEE 2019 89th Vehicular Technology Conference, Kuala Lumpur, Malaysia, Apr. 2019, pp. 1-5. [Baidu Scholar]
Q. Zheng, J. Fang, Z. Hu et al., “Aero-engine on-board model based on batch normalize deep neural network,” IEEE Access, vol. 7, pp. 54855-54862, May 2019. [Baidu Scholar]
N. A. A. A. Al-Marri, B. S. Ciftler, and M.M. Abdallah, “Federated mimic learning for privacy preserving intrusion detection,” in Proceedings of 2020 IEEE International Black Sea Conference on Communications and Networking, Odessa, Ukraine, May 2020, pp. 1-6. [Baidu Scholar]
A. Maamarl and K. Benahmed, “A hybrid model for anomalies detection in AMI system combining K-means clustering and deep neural network,” Cmc-Tech Science Press, vol. 60, no. 1, pp. 15-39, Jan. 2019. [Baidu Scholar]
S. Choudhary and N. Kesswani, “Analysis of KDD-cup 99, NSL-KDD and UNSW-NB15 datasets using deep learning in IoT,” in Proceedings of International Conference on Computational Intelligence and Data Science, Hyderabad, India, Mar. 2020, pp. 1561-1573. [Baidu Scholar]
B. Ingre and A. Yadav, “Performance analysis of NSL-KDD dataset using ANN,” in Proceedings of 2015 International Conference on Signal Processing and Communication Engineering Systems,Guntur, India,Jan. 2015, pp. 92-96. [Baidu Scholar]
A. Y. Javaid, Q. Niyaz, W. Sun et al., “A deep learning approach for network intrusion detection system,” in Proceedings of 9th EAI International Conference on Bio-Inspired Information and Communications Technologies, New York, USA, Dec. 2015, pp. 1-6. [Baidu Scholar]