Abstract
High-quality datasets are of paramount importance for the operation and planning of wind farms. However, the datasets collected by the supervisory control and data acquisition (SCADA) system may contain missing data due to various factors such as sensor failure and communication congestion. In this paper, a data-driven approach is proposed to fill the missing data of wind farms based on a context encoder (CE), which consists of an encoder, a decoder, and a discriminator. Through deep convolutional neural networks, the proposed method is able to automatically explore the complex nonlinear characteristics of the datasets that are difficult to be modeled explicitly. The proposed method can not only fully use the surrounding context information by the reconstructed loss, but also make filling data look real by the adversarial loss. In addition, the correlation among multiple missing attributes is taken into account by adjusting the format of input data. The simulation results show that CE performs better than traditional methods for the attributes of wind farms with hallmark characteristics such as large peaks, large valleys, and fast ramps. Moreover, the CE shows stronger generalization ability than traditional methods such as auto-encoder, K-means, k-nearest neighbor, back propagation neural network, cubic interpolation, and conditional generative adversarial network for different missing data scales.
THE volatility and intermittence of the output power of wind farms pose challenges to the operation and planning of the power system [
The traditional methods for missing data imputation of wind farms can be summarized into four categories: interpolation-based methods, regression-based methods, similarity-based methods, and parameter-estimation-based methods. The first category mainly includes the linear interpolation, spline interpolation, and Cubic interpolation [
As a branch of artificial intelligence, deep learning has shown outstanding performance in many fields such as representation learning, image classification, and natural language processing [
The context encoder (CE) is a new deep neural network for missing data imputation developed from AE. Compared with AE, CE shows a much deeper semantic understanding of the scenario, and a stronger ability to represent high-dimensional features over large spatial extents [
This paper aims to design a CE to improve the accuracy of missing data imputation for wind farms. The performance of the proposed method is tested by a real-world dataset. The key contributions of this paper are as follows.
1) A new data-driven, model-free, and scalable method is proposed for missing data imputation of wind farms. By employing the encoder-decoder-discriminator pipeline that consists of deep convolutional networks, it can fully explore the dynamic nonlinear correlations among the multiple attributes of wind farms that are difficult to be modeled explicitly, such as the temporal correlation and dynamic changes of wind power sequences.
2) This paper innovatively applies CE to missing data imputation of wind farms. To generate a plausible hypothesis for the missing data of wind farms, both a reconstructed loss and an adversarial loss are designed as the loss function for CE. Specifically, the reconstructed loss is responsible for exploring the overall information of the missing data and coherence with regard to its surrounding context. In addition, the adversarial loss makes filling parts look real, and reduces the maximum absolute error of the model.
3) Extensive experiments on a real-world dataset of wind farms are performed to validate the effectiveness of missing data imputation. The influence of key parameters of CE (e.g., the number of iterations, the choices of optimizer and batch size, the number of middle layers, and the weights of adversarial loss and reconstructed loss) on the performance is analyzed by simulation, and some constructive suggestions for the selection of key parameters are given.
The remainder of this paper is organized as follows. Section II formulates the missing data imputation problem based on a CE. Section III presents the process of the missing data imputation using CE. In Section IV, the effectiveness of the proposed approach is verified by simulation. Section V discusses the limitation and generalization of the proposed approach. Section VI summarizes the paper.
As shown in

Fig. 1 Framework of CE for missing data imputation.
The convolutional neural network (CNN) is a feed-forward neural network with a convolutional operation. Its emergence has greatly promoted the development of artificial intelligence. Because of its powerful feature extraction capabilities, CNN has been widely used in various fields such as fault diagnosis, object detection, speech recognition, and semantic segmentation [
The encoder consists of several Conv layers and MaxPool layers as seen in
(1) |
where is the operation of convolution. Note that the output feature of a Conv layer is used as the input feature to the following MaxPool layer in the encoder.
As shown in
(2) |

Fig. 2 Visualization of MaxPool layer.
Note that the output feature of a MaxPool layer is used as the input feature to the next Conv layer in the encoder.
The decoder consists of the fully transposed Conv layers as shown in
(3) |
where is the operation of the transposed convolution.
The discriminator consists of several convolutional layers, a flatten layer, and a dense layer as shown in
(4) |
To generate a plausible hypothesis for the missing data of wind farms, both the reconstructed loss and the adversarial loss are designed as the loss function for CE. Specifically, the reconstructed loss is responsible for exploring the overall information of the missing data and coherence with regard to its surrounding context. The mathematical formula of the reconstructed loss is:
(5) |
where the binary mask corresponds to the missing position with a value of 1 wherever the data is dropped and 0 for input data; and is the Hadamard product operation.
In addition, the adversarial loss makes filling parts look real, and has the effect of choosing a specific mode from the probability distribution [
(6) |
This equation is improved from the loss function of the CGAN.
Ultimately, the overall loss function for missing data imputation of wind farms can be defined as:
(7) |
where the weight is in the range of 0 to 1.
Different missing formats may have different effects on the validity of research conclusions. According to the factors leading to missing data, the types of missing forms can be summarized into the following three categories: complete random missing forms, non-random missing forms, and random missing forms [

Fig. 3 Missing data forms of wind farms. (a) Continuous missing forms. (b) Complete random missing forms.
The process of missing data imputation for wind farms using CE is shown in

Fig. 4 Process of missing data imputation using CE.
1) Load and normalize data: in addition to wind power, the data of wind farms also include environmental attributes such as wind direction, wind speed, air temperature, and density. There is a strong correlation among these attributes, and using them as input data helps improve the accuracy of missing data imputation. Before the data are fed to CE, it is necessary to normalize the samples of the wind farm; otherwise, the loss function may not converge. This paper uses the minimum-maximum normalization method to convert the input data into the range of 0 to 1.
2) Reshape and divide data: to meet the format requirements of convolutional layers and account for the correlation among multiple attributes, the time series of multiple attributes from wind farms are transformed into a feature matrix with the same number of columns and rows by the method in [
3) Initialize parameters and train CE: before starting to train CE, it is necessary to initialize the network structure and parameters such as the number of iterations, the number of middle layers, and the weights of loss functions. Then, the BP algorithm consisting of the forward incentive propagation and backward weight update is utilized to train CE. Specifically, the input matrices are processed by the encoder and decoder pipeline. The filling data output by the decoder and real data are used to calculate the reconstructed loss and adversarial loss. Next, the chain rule is utilized to transfer errors from the output layer to the middle layer. The weights of each layer are updated by the gradient descent algorithms. If the number of iterations is reached, the iteration will be stopped and the result will be output.
4) Evaluate performance of CE: after training CE, the test set will be used to evaluate the performance of the model. To fully measure the variation in the errors in a set of imputation, the mean absolute error , root mean square error RMSE, and the maximum absolute error are selected to evaluate the performance:
(8) |
(9) |
(10) |
To fully test the performance of various models for missing data imputation of wind farms, a real-world dataset collected from [
The programs of CE for missing data imputation of wind farms are implemented in Spyder 3.2.8 with Keras 2.2.4 and Tensorflow 1.12.0 library. The programming language is Python. The parameters of the computer are: Inte
In order to make CE have high performance for missing data imputation of wind farms, the control variable method in [

Fig. 5 Structure and parameters of CE. (a) Encoder-decoder. (b) Discriminator.
Specifically, each attribute includes 48 sampling points per day. In addition, the 12 sampling points at the end of the previous day are also used as input data for each attribute to capture the surrounding context information of missing parts. Therefore, the size of each attribute is 1×60. In other words, the original input data are a vector of 1×360 scales. A zero element is added to the end of the input data, which causes it to become a vector of 1×361 scales. In this case, the input data can be converted into a matrix of 19×19 scales by the method proposed in [
Previous works show that the types of missing data in wind farms include complete random missing forms and continuous missing forms [
In order to observe the training stability and convergence of CE,

Fig. 6 Training process of CE.
The loss function of CE decreases rapidly with the increase of iteration times. When the number of iterations is more than 1000, its loss function tends to be a constant, indicating that CE has converged. Compared with existing methods such as CGAN, the training process of CE is relatively stable, and there is no gradient vanishing problem that makes the loss function difficult to converge.
To explore the number of middle layers in encoder, decoder, and discriminator, the number of middle layers is gradually increased, and MAE1 and RMSE of the test set in different middle layers are counted, as shown in

Fig. 7 MAE1 and RMSE of test set under different middle layers. (a) MAE1. (b) RMSE.
Obviously, MAE1 and RMSE first become smaller and then larger with the increase of the number of middle layers in the encoder, decoder, and discriminator, which shows that the number of middle layers cannot be too small or too large. The appropriate number of middle layers for the encoder and decoder is between 2 and 4, and the appropriate number of intermediate layers for the discriminator is between 1 and 4.
In order to analyze the influence of the weight on the performance of CE, the size of is gradually increased, and the MAE1 and RMSE of the test set are calaulated, as shown in

Fig. 8 MAE1 and RMSE of test set.
When is less than 0.9, the performance of CE improves with the increase of . Furthermore, if is larger than 0.9, MAE1 and RMSE decrease first and then increase with the increase of . The optimal size of is 0.999 for this dataset.
In order to find the appropriate batch size of the CE, the batch size is gradually increased, and MAE1 and RMSE of the test set in different batch sizes are counted, as shown in
As the batch size increases, MAE1 and RMSE of the CE first decrease and then increase. When the batch size is 16, the MAE1 and RMSE are the smallest, which indicates that the performance of missing data imputation is the best. In general, a too large batch size leads to poor generalization, and the model with a too small batch size has difficulties in converging to the global optimal solution. Sixteen is a good starting point for batch size, and larger or smaller values may be fine for some datasets.
After initializing the above parameters, a gradient descent method is employed to optimize the loss function of the CE. Normally, the popular gradient descent methods include Adamax, Adam, Nadam, RMSprop, Adadelta, SGD, and Adagrad, which are used as black boxes in deep learning libraries (e.g., Keras and Tensorflow). To show how to choose an appropriate optimizer for the CE in missing data imputation of wind farms, the above-mentioned optimizers are set up and simulated, and then MAE1 and RMSE of the test set are calculated, as shown in
Obviously, the CE has good performance when Adamax, Nadam, RMSprop, and Adam are used as optimizers. Specifically, the MAE1 and RMSE of the Adam algorithm are slightly smaller than those of the first three algorithms, which indicates that the Adam algorithm is the most suitable optimizer for the CE in missing data imputation of wind farms. Furthermore, the RMSE values of the SGD, Adadelta, and Adagrad algorithms are all larger than 0.18, which shows that they are not suitable for missing data imputation based on the CE.
To illustrate the effectiveness of the CE, the existing methods such as the Cubic interpolation, BP, KNN, K-means, CGAN, and AE are used as benchmarks. The proportion of missing data in each sample is 5% and the missing data belong to the complete random missing forms. The controlled variable method in [
1) For Cubic interpolation, the function interp1 from MATLAB 2018a is used to obtain the missing data of the wind farm.
2) For BP, the middle layers consist of three dense layers, and the numbers of neurons are 10, 15, and 5, respectively. The maximum number of epochs is 200. The learning rate is 0.1, and the performance goal is 0.00004. The neural fitting toolbox from MATLAB 2018a is used to obtain the missing data of the wind farm.
3) For KNN and K-means, the size of K is adjusted adaptively according to the error of the training set.
4) For AE, its structure is consistent with the encoder-decoder pipeline of the CE, and its loss function is a reconstructed loss. The maximum number of epochs is 500. Other parameters are the same as those of the CE.
5) For CGAN, its framework and loss function can be found in [
The above-mentioned various algorithms are repeatedly tested and the average filling errors of the test set are presented in

Fig. 9 Absolute errors of different methods.
The following conclusions can be drawn from
1) Although the principles of KNN and K-means are simple and easy to be applied, their absolute error is very large. For example, the upper quartile of KNN is greater than 0.18, and the upper quartile of K-means is larger than 0.5, while the upper quartile of CE is less than 0.1. In addition, the maximum absolute errors of KNN and K-means are also far larger than that of CE.
2) The CE has the similar upper quartile, median, and lower quartile with AE, BP, and CGAN, which are slightly inferior to those of Cubic interpolation. Moreover, the maximum absolute error of CE is much smaller than AE, BP, and Cubic interpolation. Specifically, the maximum absolute errors of CE, AE, BP, and Cubic interpolation are 0.567, 0.801, 0.879, and 0.995, respectively.
3) Most of the structures of CE and AE are the same, but CE has one more discriminator and adversarial loss function than AE. Comparing the absolute errors of CGAN, AE, and CE, it is found that the discriminator and adversarial loss are helpful to reduce the maximum absolute error of the model. In addition, the MAE1, RMSE, and MAE2 of CE are smaller than those of CGAN, which shows that the framework and loss function of CE are more suitable for missing data imputation of wind farms than CGAN.
The analysis of variance is a popular statistical method, which is often used to test the significance of mean differences between two groups. Moreover, the analysis of variance is employed to analyze differences between the results obtained by CE and other methods. The probability values (p-values) between CE and other methods are shown in
The following conclusions can be drawn from
1) The small p-values of KNN, K-means, BP, CGAN, and Cubic interpolation indicate that the mean differences between CE and other methods are significant, which is consistent with the simulation results in
2) Although the mean differences between CE and AE are not significant, the maximum absolute error of CE is much smaller than that of AE, as can be seen from
In order to visually compare the differences of various algorithms, a sample from the test set is randomly selected and visualized as shown in

Fig. 10 Visualization of each attribute in one day. (a) Wind direction. (b) Wind speed. (c) Air temperature. (d) Surface air pressure. (e) Density at hub height. (f) Wind power.
The following conclusions can be drawn from
1) For the attributes with small changes (e.g., wind speed, wind direction, air temperature, surface air pressure, and density), the performances of KNN and K-means are significantly inferior to those of other algorithms, since the similarity-based methods ignore the temporal correlation of attributes, while the AE, CE, BP, CGAN, and Cubic interpolation make good use of the surrounding context of the missing data, resulting in high accuracy.
2) For the attributes with large changes (e.g., wind power), Cubic interpolation no longer shows slightly better performance than CE. For example, there is a large peak in wind power at 10 p.m. as shown in
In addition to filling accuracy, the cost-effectiveness of the proposed method should be further discussed. Therefore,
The following conclusions can be drawn from
1) Different from the interpolation-based methods and similarity-based methods, the deep neural network-based methods need to train the model in advance. Hence, the pre-training time of the BP, AE, CE, and CGAN is larger than 0, while the pre-training time of the KNN, K-means, and Cubic interpolation is equal to 0. Although these deep neural networks need to be pre-trained, the pre-training time is less than 4 min, which is acceptable.
2) Furthermore, the real-time calculation of the BP is longer than those of other methods, since it needs to employ the model more frequently to predict missing values in the sample. Except for the BP, the real-time calculations of other deep neural networks are slightly less than those of KNN, K-means, and Cubic interpolation.
To explore the correlation between the missing data scale and the filling accuracy, the proportion of complete random missing data scale in each sample is set to be 10%, 20%, 30%, 40%, and 50%, respectively. The starting position of missing data is random. Then, the various algorithms are repeatedly tested and the filling errors of the test set are shown in

Fig. 11 Visualization of absolute error for each attribute. (a) AE. (b) CE. (c) K-means. (d) BP. (e) KNN. (f) Cubic interpolation. (g) CGAN.
The following conclusions can be drawn from
1) For different missing rates, MAE1, RMSE, and MAE2 of the CE are always smaller than those of the K-means, KNN, CGAN, and BP, which shows that CE has higher filling accuracy. Specifically, MAE1 of CE is always smaller than 0.045, RMSE of CE is always smaller than 0.085, and MAE2 of CE is always smaller than 0.652.
2) MAE1 evaluates the mean magnitude of the filling errors without considering their direction. In addition, it is a linear index where all the individual errors are weighted equally in the average. Relatively, RMSE makes larger errors with higher weights, which means that RMSE is more useful if larger errors are particularly undesirable. Specifically, MAE1 of AE and Cubic interpolation is slightly smaller than that of CE, but their RMSE is greater than that of CE, which indicates that the maximum filling errors of AE and Cubic interpolation are much larger than that of CE. In other words, CE controls the maximum filling error better than AE and Cubic interpolation.
3) As the missing rate increases, MAE2 of the Cubic interpolation increases rapidly, indicating that it is very sensitive to the scales of missing data and is only suitable for the dataset of wind farms with a small amount of missing data. In contrast, MAE2 of other methods slowly increases with the enlargement of the missing data scale, which demonstrates that they are also suitable for datasets with high missing rates.
Due to cyber-attack or communication congestion, the SCADA system may have continuous missing data in a period. To test the performance of the proposed method for continuous missing data imputation of the wind farm, the proportion of missing data scale in each sample is set to be 10%, 20%, 30%, 40%, and 50%, respectively. Then, the various algorithms are repeatedly tested and the filling errors of the test set are shown in
The following conclusions can be drawn from
1) When the missing rate is 10%, MAE1 of CE is better than those of AE, K-means, CGAN, and KNN, but slightly inferior to those of BP and Cubic interpolation. In addition, RMSE and MAE2 of CE are smaller than other algorithms. This phenomenon shows that if one wants to choose an algorithm with small MAE1, RMSE, and MAE2 to fill the continuous missing data of wind farms, CE, AE, CGAN, and BP are very suitable. In particular, CE makes a trade-off between MAE1 and MAE2.
2) Similar to the simulation results of data in complete random missing form, the filling accuracy of various algorithms decreases with the increase of the missing rate. Cubic interpolation is also very sensitive to the missing rate of continuous missing data. MAE2 of Cubic interpolation is far larger than the existing maximum value of various attributes, which makes Cubic interpolation not suitable for filling continuous missing data for wind farms. For example, when the missing rate is 50%, MAE2 of Cubic interpolation is 259.131 p.u., which is unacceptable.
3) In most cases, MAE1, RMSE, and MAE2 of CE are smaller than those of other algorithms for high missing rates, which indicate that CE is more suitable for filling continuous missing data with a high missing rate than other algorithms. In addition to CE, the AE, CGAN, and BP perform slightly worse than CE, because they can also consider multiple factors, temporal correlation, and surrounding context information as well as CE.
In order to visually compare the performance of various algorithms for continuous missing data of the wind farm,

Fig. 12 Visualization of each attribute with missing rate of 10%. (a) Wind direction. (b) Wind speed. (c) Air temperature. (d) Surface air pressure. (e) Density at hub height. (f) Wind power.
The following conclusions can be drawn from
1) Since KNN and K-means do not consider the context information around the missing data, their filling accuracies are also very poor for the continuous missing data of wind farms. When the position of missing data is at the head or tail of the time series, the filling accuracy of Cubic interpolation will be unacceptable. In addition, it is also difficult to capture the hallmark characteristics (e.g., fast ramps) of the time series, while CE, AE, CGAN, and BP have certain adaptability to these rapid changes. For example, the air temperature in
2) As shown in
The objective of this paper is to propose a data-driven method to fill missing data of wind farms via the CE. Moreover, the effectiveness of the proposed CE has been tested on a real-world dataset from the renewable energy lab of the United States. The simulation results show that the CE achieves state-of-art performance with superior accuracy for miss data imputation of attributes with large changes (e.g., large peaks, large valleys, and fast ramps). However, the CE has similar upper quartile, median, and lower quartile with AE, CGAN, and BP for the attributes with small changes (e.g., wind speed, wind direction, air temperature, surface air pressure, and density), which are slightly inferior to those of Cubic interpolation. Furthermore, the CE and Cubic interpolation may be integrated to a hybrid model to achieve the highest filling accuracy for both attributes with large changes and attributes with small changes in wind farms.
Besides, the application of the CE is not limited to missing data imputation of wind farms. For example, GCN may also be suitable for scenario generations of renewable energy sources and power loads of distribution networks by fine-tuning the structures and parameters of the model.
Missing data imputation of wind farms is of great significance for wind power forecasting. In order to improve the accuracy of missing data imputation for wind farms, a new data-driven, model-free, and scalable method is proposed in this paper. Through the simulation and analysis on a real-world dataset, the following conclusions are obtained.
1) The number of iterations, the choices of optimizer and batch size, the number of middle layers, and the weights of adversarial loss and reconstructed loss have a great influence on the performance of missing data imputation. Specifically, the training process of CE is relatively stable, and there is no gradient vanishing problem in CE. The appropriate numbers of middle layers for the encoder, decoder, and discriminator range from 2 to 4. The Adam algorithm is more suitable to be the optimizer of CE than other algorithms. As the batch size increases, the filling error of the CE first decreases and then increases. When the batch size is 16, the accuracy is the largest. The larger is, the smaller the filling accuracy will be. When is equal to 0.999, CE has an outstanding performance.
2) The performances of KNN and K-means are significantly inferior to those of other algorithms, since the similarity-based methods ignore the temporal correlation of attributes, while the AE, CE, BP, CGAN, and Cubic interpolation make good use of the surrounding context of the missing data, resulting in high accuracy. In addition, Cubic interpolation is very sensitive to the missing rate, which means that its maximum absolute error will be very large for datasets with large-scale missing values. Relatively, MAE1, RMSE, and MAE2 of CE are smaller than those of other algorithms for high missing rate, which indicates that CE is significantly more suitable for filling continuous data with a high missing rate than other algorithms.
3) Interpolation-based methods and similarity-based methods have difficulties in capturing the hallmark characteristics (e.g., large peaks, large valleys, and fast ramps) of the time series, while CE has certain adaptability to these rapid changes. Most of the structures of CE and AE are the same, but CE shows a better performance than that of AE, which indicates that the discriminator and adversarial loss are significantly helpful to reduce the maximum absolute error of the model.
4) Although the CE needs to be pre-trained, the pre-training time is about 71.25 s, which is acceptable. Furthermore, the real-time calculations of CE are slightly less than those of KNN, K-means, and Cubic interpolation.
Nomenclature
Symbol | —— | Definition |
---|---|---|
—— | Activation function of the | |
—— | Activation function of the | |
—— | Activation function of the | |
—— | Weights between reconstructed loss and adversarial loss | |
—— | Bias vector of the | |
—— | Bias vector of the | |
—— | Bias vector of the | |
—— | Output of discriminator | |
EX | —— | Expectation of sample X |
—— | Generated sample | |
—— | Adversarial loss | |
—— | Reconstructed loss | |
M | —— | A binary mask |
MAE1 | —— | Mean absolute error |
MAE2 | —— | The maximum absolute error |
—— | Number of missing sample points in test set | |
—— | The maximum pooling area | |
RMSE | —— | Root mean square error |
—— | Weight of the | |
—— | Weight of the | |
—— | Weight of the | |
—— | Complete samples of wind farms | |
—— | Input feature of the | |
—— | Input feature of the | |
—— | Input feature of the | |
—— | Input feature of the | |
—— | Output feature of the | |
—— | Output feature of the | |
—— | The | |
—— | The | |
—— | Output feature of the | |
—— | Output feature of the |
REFERENCES
Q. Zhao, W. Liao, S. Wang et al., “Robust voltage control considering uncertainties of renewable energies and loads via improved generative adversarial network,” Journal of Modern Power Systems and Clean Energy, vol. 8, no. 6, pp. 1104-1114, Nov. 2020. [Baidu Scholar]
Q. Li, L. Cheng, W. Gao et al., “Fully distributed state estimation for power system with information propagation algorithm,” Journal of Modern Power Systems and Clean Energy, vol. 8, no. 4, pp. 627-635, Jul. 2020. [Baidu Scholar]
Q. Lin and J. Wang, “Vertically correlated echelon model for the interpolation of missing wind speed data,” IEEE Transactions on Sustainable Energy, vol. 5, no. 3, pp. 804-812, Mar. 2014. [Baidu Scholar]
Y. Hu, Y. Qiao, J. Liu et al., “Adaptive confidence boundary modeling of wind turbine power curve using SCADA data and its application,” IEEE Transactions on Sustainable Energy, vol. 10, no. 3, pp. 804-812, Aug. 2019. [Baidu Scholar]
J. Yoon, W. Zame, and M. Schaar, “Estimating missing data in temporal data streams using multi-directional recurrent neural networks,” IEEE Transactions on Biomedical Engineering, vol. 66, no. 5, pp. 1477-1490, May 2019. [Baidu Scholar]
Y. Mao and M. Jian, “Data completing of missing wind power data based on adaptive BP neural network,” in Proceedings of 2016 International Conference on Probabilistic Methods Applied to Power Systems, Beijing, China, Oct. 2016, pp. 1-6. [Baidu Scholar]
T. Li, J. Tang, F. Jiang et al., “Fill missing data for wind farms using long short-term memory based recurrent neural network,” in Proceedings of 2019 IEEE 3rd International Electrical and Energy Conference, Beijing, China, Sept. 2019, pp. 705-709. [Baidu Scholar]
W. Deng, Y. Guo, J. Liu et al., “A missing power data filling method based on improved random forest algorithm,” Chinese Journal of Electrical Engineering, vol. 5, no. 4, pp. 33-39, Dec. 2019. [Baidu Scholar]
P. Jonsson and C. Wohlin, “An evaluation of k-nearest neighbour imputation using Likert data,” in Proceedings of 10th International Symposium on Software Metrics, Chicago, USA, Nov. 2004, pp. 108-118. [Baidu Scholar]
J. Du, M. Hu, and W. Zhang, “Missing data problem in the monitoring system: a review,” IEEE Sensors Journal, vol. 20, no. 23, pp. 13984-13998, Dec. 2020. [Baidu Scholar]
P. Shi and L. Zhang, “A missing data complement method based on K-means clustering analysis,” in Proceedings of 2017 IEEE Conference on Energy Internet and Energy System Integration, Beijing, China, Nov. 2017, pp. 1-5. [Baidu Scholar]
S. Tak, S. Woo, and H. Yeo, “Data-driven imputation method for traffic data in sectional units of road links,” IEEE Transactions on Intelligent Transportation Systems, vol. 17, no. 6, pp. 1762-1771, Jun. 2016. [Baidu Scholar]
Y. Wang, Y. Sun, Z. Wei et al., “Parameters estimation of electromechanical oscillation with incomplete measurement information,” IEEE Transactions on Power Systems, vol. 33, no. 5, pp. 5016-5028, Sept. 2018. [Baidu Scholar]
N. Eklund, “Using genetic algorithms to estimate confidence intervals for missing spatial data,” IEEE Transactions on Systems, Man, and Cybernetics, Part C (Applications and Reviews), vol. 36, no. 4, pp. 519-523, Jul. 2016. [Baidu Scholar]
J. Liu, S. Kumar, and D. Palomar, “Parameter estimation of heavy-tailed ar model with missing data via stochastic EM,” IEEE Transactions on Signal Processing, vol. 67, no. 8, pp. 1762-1771, Apr. 2019. [Baidu Scholar]
S. Zargar, M. Farsangi, and M. Zare, “Probabilistic multi-objective state estimation-based PMU placement in the presence of bad data and missing measurements,” IET Generation, Transmission & Distribution, vol. 14, no. 15, pp. 3042-3051, Aug. 2020. [Baidu Scholar]
D. Cao, W. Hu, J. Zhao et al., “Reinforcement learning and its applications in modern power and energy systems: a review,” Journal of Modern Power Systems and Clean Energy, vol. 8, no. 6, pp. 1029-1042, Nov. 2020. [Baidu Scholar]
M. Lippi, M. Montemurro, M. Esposti et al., “Natural language statistical features of LSTM-generated texts,” IEEE Transactions on Neural Networks and Learning Systems, vol. 30, no. 11, pp. 3326-3337, Nov. 2019. [Baidu Scholar]
S. Ryu, M. Kim, and H. Kim, “Denoising autoencoder-based missing value imputation for smart meters,” IEEE Access, vol. 8, pp. 40656-40666, Feb. 2020. [Baidu Scholar]
S. Wang, H. Chen, Z. Pan et al., “A reconstruction method for missing data in power system measurement using an improved generative adversarial network,” Proceedings of the CSEE, vol. 33, no. 1, pp. 56-64, Jan. 2019. [Baidu Scholar]
F. Qu, J. Liu, Y. Ma et al., “A novel wind turbine data imputation method with multiple optimizations based on GANs,” Mechanical Systems and Signal Processing, vol. 139, pp. 1-16, May 2020. [Baidu Scholar]
F. Qu, J. Liu, Y. Ma et al., “Data imputation of wind turbine using generative adversarial nets with deep learning models,” in Proceedings of International Conference on Neural Information Processing, Siem Reap, Cambodia, Dec. 2018, pp. 152-161. [Baidu Scholar]
T. Do, Q. Nguyen, and V. Nguyen, “A multi-scale context encoder for high quality restoration of facial images,” in Proceedings of 2020 International Conference on Multimedia Analysis and Pattern Recognition, Ha Noi, Vietnam, Oct. 2020, pp. 1-6. [Baidu Scholar]
Y. Yu, V. Li, J. Lam et al. (2020, Mar.). Missing air pollution data recovery based on long-short term context encoder. [Online]. Available: https://ieeexplore.ieee.org/document/9028215 [Baidu Scholar]
Z. Gu, J. Cheng, H. Fu et al., “CE-Net: context encoder network for 2D medical image segmentation,” IEEE Transactions on Medical Imaging, vol. 38, no. 10, pp. 2281-2292, Oct. 2019. [Baidu Scholar]
A. Marafioti, N. Perraudin, N. Holighaus et al., “A context encoder for audio inpainting,” IEEE/ACM Transactions on Audio, Speech, and Language Processing, vol. 27, no. 12, pp. 2362-2372, Dec. 2019. [Baidu Scholar]
L. Liao, R. Hu, and J. Xiao, “Edge-aware context encoder for image inpainting,” in Proceedings of 2018 IEEE International Conference on Acoustics, Speech and Signal Processing, Calgary, Canada, Apr. 2018, pp. 3156-3160. [Baidu Scholar]
J. Choung, S. Lim, S. H. Lim et al., “Automatic discontinuity classification of wind-turbine blades using a-scan-based convolutional neural network,” Journal of Modern Power Systems and Clean Energy, vol. 9, no. 1, pp. 210-218, Jan. 2021. [Baidu Scholar]
D. Pathak, P. Krähenbühl, J. Donahue, et al., “Context encoders: feature learning by inpainting,” in Proceedings of 2016 IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, USA, Dec. 2016, pp. 2536-2544. [Baidu Scholar]
S. Hosseini, C. Tang, and J. Jiang, “Calibration of a wind farm wind speed model with incomplete wind data,” IEEE Transactions on Sustainable Energy, vol. 5, no. 1, pp. 343-350, Jan. 2014. [Baidu Scholar]
L. Ge, W. Liao, S. Wang et al., “Modeling daily load profiles of distribution network for scenario generation using flow-based generative network,” IEEE Access, vol. 8, pp. 77587-77597, Apr. 2020. [Baidu Scholar]
C. Draxl, A. Clifton, B. Hodge et al., “The wind integration national dataset (WIND) toolkit,” Applied Energy, vol. 151, pp. 355-366, Aug. 2015. [Baidu Scholar]
X. Kong, F. Zheng, and Z. E, “Short-term load forecasting based on deep belief network,” Automation of Electric Power Systems, vol. 42, no. 5, pp. 133-139, Jan. 2018. [Baidu Scholar]
Z. Wang, D. Wang, Q. Duan et al., “Missing load situation reconstruction based on generative adversarial networks,” in Proceedings of IEEE/IAS Industrial and Commercial Power System Asia, Weihai, China, Sept. 2020, pp. 1528-1534. [Baidu Scholar]