• <tr id="yyy80"></tr>
  • <sup id="yyy80"></sup>
  • <tfoot id="yyy80"><noscript id="yyy80"></noscript></tfoot>
  • 99热精品在线国产_美女午夜性视频免费_国产精品国产高清国产av_av欧美777_自拍偷自拍亚洲精品老妇_亚洲熟女精品中文字幕_www日本黄色视频网_国产精品野战在线观看 ?

    Short-Term Power Load Forecasting with Hybrid TPA-BiLSTM Prediction Model Based on CSSA

    2023-02-17 03:13:46JiahaoWenandZhijianWang

    Jiahao Wen and Zhijian Wang

    School of Information Science,Guangdong University of Finance and Economics,Guangzhou,China

    ABSTRACT Since the existing prediction methods have encountered difficulties in processing the multiple influencing factors in short-term power load forecasting,we propose a bidirectional long short-term memory(BiLSTM)neural network model based on the temporal pattern attention (TPA) mechanism. Firstly, based on the grey relational analysis,datasets similar to forecast day are obtained.Secondly,the bidirectional LSTM layer models the data of the historical load,temperature,humidity,and date-type and extracts complex relationships between data from the hidden row vectors obtained by the BiLSTM network,so that the influencing factors(with different characteristics)can select relevant information from different time steps to reduce the prediction error of the model. Simultaneously, the complex and nonlinear dependencies between time steps and sequences are extracted by the TPA mechanism,so the attention weight vector is constructed for the hidden layer output of BiLSTM and the relevant variables at different time steps are weighted to influence the input.Finally,the chaotic sparrow search algorithm(CSSA)is used to optimize the hyperparameter selection of the model.The short-term power load forecasting on different data sets shows that the average absolute errors of short-term power load forecasting based on our method are 0.876 and 4.238,respectively,which is lower than other forecasting methods,demonstrating the accuracy and stability of our model.

    KEYWORDS Chaotic sparrow search optimization algorithm;TPA;BiLSTM;short-term power load forecasting;grey relational analysis

    1 Introduction

    The power system presents a market-oriented trend,and the accurate forecasting of power loads is one of its key tasks [1]. Load forecasting data is the basis of power system dispatching, and the improvement in its accuracy is vital for promoting the development of the power system[2].

    The commonly used methods for short-term power load forecasting fall into two main categories:traditional time series forecasting models and machine learning forecasting models. The time series forecasting models, such as the exponential smoothing analysis [3], multiple linear regression [4,5],and regression analysis[6],speculate the future load changes based on the load data of the research variables and their change patterns.Although these models are simple,they are ineffective in excluding the influence of external factors,and their nonlinear fitting abilities are also unsatisfying.

    Nevertheless, the emergence of machine learning prediction models, like neural networks [7-9], support vector machines (SVM) [10,11], and random forests (RF) [12], has effectively solved the nonlinear relationship between data. Neural networks can realize the deep mining of load time series and achieve high prediction accuracy.For example,the attention mechanism is used to assign weights to the input features of the BiLSTM neural network to build a more effective prediction model to improve prediction accuracy.Based on the attention mechanism,Wei et al.[13]improved the influence of important information by giving different weights to the hidden states of convolutional neural networks and long-short-term memory neural networks. The temporal pattern attention(TPA) mechanism extracts important information about different features at different time steps by performing convolution operations on hidden state features [14]. Wang et al. [15] proposed a bidirectional long short-term memory(BiLSTM)neural network model based on the TPA mechanism,which weights related variables from different time steps to extract the complex internal relations between different influencing factors.The traditional attention mechanism examines information at the previous time step and selects relevant information to help generate the output, but it cannot capture time patterns across multiple time steps. Herein, we apply the temporal pattern attention(TPA)mechanism to improve the accuracy of power load fore-casting by mining the complex internal relationship between multiple time steps and different variables.

    The central idea of the swarm intelligence optimization algorithm is to search for the optimal solution in the solution space within a specific range by simulating bionics[16].The most widely used swarm optimization algorithms are the sparrow search algorithm (SSA), black widow optimization algorithm (BWOA), whale optimization algorithm (WOA), mayfly optimization algorithm (MA),etc.The SSA,an emerging me-ta-heuristic algorithm proposed in 2020,can achieve hyperparameter optimization by constantly updating the individual location of the sparrow and simulating the foraging and anti-predation behavior of the sparrow. The chaotic sparrow search algorithm [17] and the improved particle swarm optimization algorithm(IPSO)[18]are used to optimize the model network in this paper.The basis of the sparrow search algorithm introduces Tent chaotic search and Gaussian mutation, which increases the population diversity, improves the algorithm’s search performance and development performance and avoids falling into local optimum. The chaotic sparrow search algorithm has higher solution accuracy than the sparrow search algorithm.Due to the limited global optimization ability and convergence speed of the basic PSO,the improved particle swarm algorithm uses nonlinear inertia weight to improve the performance of the particle swarm.The chaotic sparrow search algorithm optimized network model and improved particle swarm optimization algorithm optimized network model are compared and analyzed,which proves that the chaotic sparrow search algorithm optimized network model has better prediction performance.

    Herein, we propose a bidirectional long short-term memory (BiLSTM-TPA) neural network prediction method based on temporal attention for short-term power load forecasting. Considering the inner relationship between multivariate and time series, the grey correlation analysis method is used to determine a similar sample set with a large correlation degree with the day to be predicted to ease neural network prediction. Then, the positive and negative internal characteristics of power load data are learned through the bidirectional LSTM layer,and the TPA temporal pattern attention mechanism is combined to further learn the interdependence between multiple variables at different times and sequences.Finally,the CSSA chaotic sparrow search algorithm is used to optimize the hyperparameters of the BiLSTM-TPA model to obtain the final prediction results.The proposed prediction model has a decrease in the mean absolute percentage error,root mean square error,and mean absolute error by analyzing the training results of load data in different regions of China and comparing it with other prediction algorithms.

    2 Methods

    2.1 Gray Correlation Analysis

    The grey correlation is a measure of the magnitude of the association between two or more factors,and the correlation indicates the degree to which the factors affecting the development of something influence each other[19].When determining the influencing factors affecting the electricity load,the total sequence of influencing factors Xion day i{th}is defined as:

    where n is the eigenvalue of the similar day factor,in this paper n=5;i=1,2,...,m,m is the number

    of days recorded in the data set.The characteristic subsequence of the day to be predicted is chosen as X0,which is defined as:

    Each element in the total sequence and the subsequence is divided by the mean value in the respective vector for averaging,and let the averaged vectors be Xi’and X0’.The number of correlation coefficients of Xi’and X0’isζι(k).

    where k=1,2,...,n;is the absolute difference between the mean value of the total series and the subseries influences;ρis the discrimination coefficient,usually taken as 0.5.

    Each factor corresponds to a correlation coefficient, so there are n correlation coefficients, the average of which is the correlation degree between the systems. The correlation coefficients are as shown in Eq.(4).

    where a largerriindicates a higher degree of correlation.

    2.2 The BiLSTM Model

    Bidirectional Long short-term memory is composed of forward LSTM and backward LSTM.LSTM is a special recurrent neural network, which controls the transmission state through the gated state, remembers the information that needs long time memory, and forgets the unimportant information.Its structure is shown in Fig.1.

    The LSTM unit has forget, input, and output gates. In Fig.1, Ct-1represents the state of the previous cell; ht-1represents the output of the previous unit; andXtrepresents the current input. ftis the degree of information forgetting; itrepresents the degree of input information retention; ~Ctindicates the newly entered information.tanh is the activation function and represents the hyperbolic tangent function;Otindicates the output information.

    The bidirectional LSTM allows the relationships of load sequences to be extracted from the forward and backward directions and connected to the same output to ensure the full utilization of data information and avoid early information forgetting caused by overlong data time series. Its network structure is shown in Fig.2.

    Figure 1:LSTM network structure

    Figure 2:BiLSTM network structure

    2.3 Temporal Pattern Attention Mechanism

    An attention mechanism is a resource allocation mechanism that mimics the attention of the human brain.In general,the human brain focuses its attention on the areas of interest at a particular moment, reducing or even eliminating the attention paid to other areas to obtain more detailed information that needs to be focused on, thereby suppressing other useless information, ignoring irrelevant information and amplifying the required information[20].The pre-attention and the postattention mechanisms are the two types of attention mechanisms. The former adaptively weight variables to focus on important information while reducing noise influence. The post-attention mechanism selects the critical information,assigns weight to the hidden state of the neural network output, and then constructs the full connection layer to obtain the prediction result. Since the traditional attention mechanism tends to choose relevant time steps for weighting,thus,it is impossible to determine the most influential variables for weighting if there are multiple variables in a fixed time step,which may affect the prediction accuracy.

    TPA extracts important features from the row vectors of the BiLSTM hidden state matrix through multiple one-dimensional convolutional neural network(CNN)filters.Therefore,the model learns the interdependence between multiple variables within the same time step and across all previous times and sequences.Its structure is shown in Fig.3.

    The hidden state matrix H = {ht-w, ht-w+1, ···, ht-1} of BiLSTM and its matrix time is w. The row vector of the hidden state matrix represents the state of a single variable at all time steps, that is, the vector composed of hourly power load data, average temperature, maximum temperature,minimum temperature,relative humidity,and week type;while the column vector represents the state of a single time step,that is,all the eigenvectors contained in a certain day.As shown,by convolving H with k 1×w convolution kernels,Hc is obtained,and m represents 29 characteristic values for daily input variables, including power load data, average temperature, maximum temperature, minimum temperature,relative humidity,and week type.

    where Cjdenotes the j{th}filter of length T; T represents the length of the data set processed by the attention mechanism and the value of w in this paper;Hi,jrepresents the result value of the action of the i{th}row vector and the j{th}convolution kernel,as shown in Eq.(5).

    Each row in Hcis weighted sum by attention weightaito get output Vt.

    where n represents the feature dimension,that is the number of features of the input variables.Finally,Vtis fused with the output htat the last moment, and the final predicted output yt-1+Δis obtained through a linear transformation:

    wherewhandwvrepresent the weight matrix corresponding to different variables,andΔrepresents the prediction time scale of different prediction tasks.

    Figure 3:TPA structure

    2.4 The CSSA Sparrow Search Algorithm

    The SSA sparrow search algorithm is a new swarm intelligence optimization algorithm proposed by Xue et al.[21,22].Inspired by the sparrow foraging process,it aims to seek the optimal solution.Nevertheless,SSA may easily fall into the local optimum,which reduces the optimization efficiency.A CSSA algorithm introduces Tent chaotic search and Gaussian mutation based on SSA to solve SSA’s problem.

    Tent chaotic sequence has small period and unstable period points, for which the variable rand(0,1)×is introduced to improve the quality of the initial solution and enhance the global search ability of the algorithm without damaging the characteristics of chaotic variables. NTis the number of particles in the chaotic sequence,and rand(0,1)is a random number between[0,1].In the process of population initialization of the SSA algorithm,the Tent chaotic sequence is introduced to initialize the population,and N D-dimensional vectors are generated.Each component is carried to the value range of the original problem space variable through Eq.(11).

    where dmaxand dminare the maximum and minimum values of d{th}dimension variablerespectively.Then chaotic disturbance is carried out on individuals according to Eq.(12).

    whereN, is the individual that needs chaotic disturbance,Nnewis the generated chaotic disturbance,andis the individual after chaotic disturbance.

    The Gaussian variation is derived from the Gaussian distribution.The original parameter values are replaced by a random number of the normal distribution with mean μ and varianceσ2,as shown in Eq.(13).where x is the original parameter value,N(0, 1) is the normal distribution random number with an expected value of 0 and a standard deviation of 1, andmutation(x)is the value after Gaussian variation.After one iteration of the SSA algorithm,the fitness value A of each sparrow and the average fitness value B of the sparrow population is recalculated.The sparrow is in the center position when A is less than B.The Gaussian mutation is carried out according to Eq.(13).If the mutated individual is better,it replaces the original one;otherwise,keep it unchanged.In other words,when A is larger than B, the sparrow is at the edge, and the chaotic perturbation is performed according to Eqs.(11) and(12).If the performance of the disturbed individual is better,replace it with the disturbed individual;otherwise,keep the original individual unchanged.

    The optimization speed of the standard SSA algorithm is affected by the non-uniformity of logistic traversal,and the optimization efficiency will be reduced,while the value of the improved Tent map is more uniform.After adding Gaussian mutation,it can be seen from the normal distribution characteristics that the key search area of Gaussian mutation is a local area attached to the original individual, which is conducive to the algorithm to find the global minimum point efficiently and accurately and improves the robustness of the algorithm.

    3 Short-Term Power Load Forecasting Model

    In short-term load forecasting, the current load value is associated with the information of historical time and future time. In this paper, the BILSTM network considering bidirectional time information is selected as the underlying model of short-term load forecasting.TPA is introduced to compensate for the traditional attention mechanism that failed to extract the interdependence between multiple variables at different times and sequences.Also,to find the optimal hyperparameters,CSSA is introduced to optimize the hyperparameters of the model while constructing the model because hyperparameters are essential in the prediction model during the prediction process.

    Figure 4:BiLSTM-TPA model structure

    Herein,the minimized mean square error between the expected output and the actual output of the BiLSTM-TPA network is used as the fitness function,that is,to find a set of network hyperparameters to minimize the error of BiLSTM-TPA.The BiLSTM-TPA model structure is shown in Fig.4,and the whole optimization process is shown in Fig.5.BiLSTM-TPA optimized by CSSA algorithm is divided into input part,CSSA part,BiLSTM part,TPA part,and output part.The input part performs grey correlation analysis on the original dataset and selects the dataset similar to the day to be predicted.The BiLSTM part decodes the parameters introduced to obtain the number of iterations,learning rate,and the number of nodes in each hidden layer according to the principle of the CSSA algorithm.The TPA part selects relevant variables for weighting;the output part obtains the final prediction results,gets the error mean square deviation between the actual output value and the expected output value,and returns the mean square deviation as the fitness value to the CSSA part.The CSSA part performs the movement operations of predators,joiners,and alerters according to the fitness value and realizes the population update and the global optimum,by which the optimized network hyperparameters can finally be obtained.

    Figure 5:Prediction model

    3.1 The CSSA for the Optimization of BiLSTM-TPA Model

    To optimize the super-parameters of BiLSTM, CSSA is introduced. Firstly, BiLSTM decodes the parameters introduced by CSSA to obtain the learning rate, the number of iterations, and the number of nodes in each hidden layer. After training the network model, the test set samples are predicted to obtain the error mean square deviation of the actual and expected output values. The mean square deviation is transmitted to the CSSA part as the fitness value,the optimal global solution is iteratively updated according to the fitness,and the optimized network model hyper-parameters are finally obtained.The chaotic sparrow search algorithm flow is shown in Fig.6,and the specific steps are as follows:

    Figure 6:CSSA optimization flowchart

    Step 1: Initialize the population and the number of iterations, and initialize the proportion of predators and adders.

    Step 2:Apply the Tent chaotic sequence in Section 2.4 to initialize the population.

    Step 3:Calculate the fitness of each sparrow,and find the best position and fitness and the worst position and fitness.

    Step 4:Select the top N sparrows with excellent fitness as discoverers,and the rest as the adder,and update the location of the discoverer and the adder according to SSA.

    Step 5:Randomly select M sparrows for early warning and update the location.

    Step 6:Update individual performance using Gaussian variation in Section 2.4.

    Step 7:Update the position and fitness of the whole population to sort according to the current situation of the sparrow population.

    Step 8:Determine whether the algorithm runs to meet the conditions and exit the output results if it is satisfied;otherwise,return to Step 4.

    3.2 Evaluation Index

    To assess the accuracy of the model, the mean absolute percentage error (MAPE), root mean square error(RMSE),mean absolute error(MAE),and determination coefficient(R2)are selected as the criteria for prediction accuracy in this paper,and their equations are calculated as follows:

    where n represents the number of predicted samples,^yiandyicorrespond to the predicted and actual values of the corresponding points, respectively. MAPE can measure the prediction results, while RMSE and MAE can measure the prediction accuracy. The smaller the MAPE, RMSE, and MAE values,the higher the prediction accuracy.R2is used to judge the quality of the model,and the value range is[0,1].The larger R2is,the better the prediction results.

    To demonstrate the validity of the model given in this paper, the results of LSTM, BiLSTMAttention,BiLSTM-TPA,SSA-BiLSTM-Attention,CSSA-BiLSTM-Attention and IPSO-BiLSTMAttention models are compared with the results of the method proposed in the paper.

    4 Discussion

    The validity of the proposed method is verified by using the measured data from February 13,2010 to May 20, 2010, Zhejiang Province, and from May 01, 2021 to August 30, 2021, Shaanxi Province.The time interval of load data collected in Zhejiang Province is one h,and the original data set A is composed of meteorological factors collected by local weather stations.The time interval of load data collected in Shaanxi Province is 15 min,and the original data set B is composed of data preprocessing and meteorological factors collected by local meteorological stations.

    4.1 Data Preprocessing and Input Feature Selection

    The load data collected from Zhejiang Province is used as a sample to unify the unit of the load data collected in a certain area of Shaanxi Province. The data size of dataset A and the dataset B are composed of the load data of N×24, the average temperature, the maximum temperature, the minimum temperature,the relative humidity,and the week type of the original data of N×29,where N represents the total sampling time of the data.Meteorological factors can be obtained directly from the data collected by meteorological stations,and the week type is the degree of different coefficients obtained according to the electricity consumption at different weeks.To improve the training effect of the model,the linear mapping is used to calculate between[0,1],as follows:

    wherex*is the normalized data,xis the original data,xminis the minimum sample data,andxmaxis the maximum sample data.

    4.2 Data Prediction Analysis of Zhejiang Province

    The dataset used is the standard dataset A of a certain place in Zhejiang Province. The average temperature,maximum temperature,minimum temperature,relative humidity,and week type of the day to be predicted on May 20, 2010 are used as reference values. The characteristics of the day to be predicted are taken as the characteristic sequence for grey correlation analysis. The data with a correlation degree greater than 0.7 are selected to form a dataset C similar to the day to be predicted.The correlation analysis is shown in Fig.7.

    Figure 7:Association of days to be predicted in Zhejiang Province

    The training model is based on the data before May 18,2010 in dataset C.The 29 data on May 19,2010 and the average temperature,maximum temperature,minimum temperature,relative humidity,and week type on the predicted day were the input and output of the 24 loads on May 20,2010.The CSSA parameter optimization is used to calculate the fitness calculation,and the mean square error of the validation set is used as a fitness function to find a set of parameters to minimize the network error.

    The evaluation indexes of the prediction day are shown in Table 1. It can be seen that compared with the LSTM,BiLSTM-Attention,BiLSTM-TPA,SSA-BiLSTM-Attention CSSA-BiLSTMAttention and IPSO-BiLSTM-AT models,MAPE of the proposed models is reduced by 1.59%,1.01%,0.94%,0.27%,0.18%and 0.85%,respectively,and RMSE is reduced by 1.218,0.987,0.718,0.268,0.178 and 0.543,respectively.The MAE index decreased by 1.178,0.862,0.596,0.193,0.179 and 0.611.The R2index increased by 2.44%,1.85%,1.23%,0.39%,0.25%and 0.88%.

    Table 1: Comparison of prediction accuracy

    To verify the improvement of the TPA mechanism in the short-term power load forecasting method,the BiLSTM-AT model based on the traditional attention mechanism and the BiLSTM-TPA model based on the time-mode attention mechanism were trained,respectively.The MAPE,RMSE,MAE,and R2were used to evaluate the prediction accuracy under the same conditions.It was found that the MAPE, RMSE, and MAE of the BiLSTM-TPA model decreased by 0.07%, 0.269%, and 0.266%, respectively, and the R2increased by 0.62%. As shown, the prediction accuracy of the TPA mechanism based on the BiLSTM model is higher than that of the traditional attention mechanism.Because different input variables have different characteristics, the traditional attention mechanism assigns the same attention weight to different characteristics of input variables and cannot consider the proportion of different variables in different time steps.On the other hand,the TPA mechanism performs feature extraction on the hidden row state matrix through the convolution layer,enabling the model to learn the interdependence between multiple variables within the same time step and across all previous times and sequences.Therefore,the TPA mechanism can select relevant information for each input variable from different time steps.

    In the comparison of the CSSA-BiLSTM-AT model, SSA-BiLSTM-AT model, and BiLSTMAT model, it is found that the MAPE, RMSE, and MAE of CSSA-BiLSTM-AT model and SSABiLSTM-AT model are significantly lower than those of BiLSTM-AT model,and the R2is increased by 1.60% and 1.46%, respectively, indicating that the sparrow search algorithm and its improved algorithm have good results in the super-parameter optimization of BiLSTM-AT model.At the same time, comparing the CSSA-BiLSTM-AT model with the SSA-BiLSTM-AT model, the evaluation indicators MAPE,RMSE,and MAE are reduced by 0.09%,0.090%,and 0.014%,respectively,and the R2is increased by 0.14%, which verifies that the CSSA algorithm has higher optimization accuracy than the SSA algorithm.At last,Comparing the CSSA-BiLSTM-AT model with the IPSO-BiLSTMAT model,the evaluation indicators MAPE, RMSE,and MAE are reduced by 0.85%, 0.543%, and 0.611%, respectively, and the R2is increased by 0.88%. As verified, the proposed model has better performance than traditional prediction methods.The prediction results and real values of different models are shown in Fig.8.

    Figure 8:Comparison of forecast results

    4.3 Data Prediction Analysis of Shaanxi Province

    To verify the applicability of our method,it is applied to the data of other provinces.The dataset used is the standard data set B of a certain place in Shaanxi Province. The average temperature,maximum temperature,minimum temperature,relative humidity,and week type on August 30,2021 to be predicted are taken as the reference values,and the characteristics of its duration are taken as the characteristic sequence for grey correlation analysis.The data with a correlation degree greater than 0.7 are selected to form dataset D,similar to the day to be predicted.

    CSSA optimizes the model hyper-parameters, and the fitness function is stabilized at 0.008 after iteration, as shown in Fig.9a. The learning efficiency optimization curve is stable at 0.007 after iteration,as shown in Fig.9b.The number of training optimization curves is stable at 238 after iteration,as shown in Fig.9c.The number of nodes in the first and second hidden layers is stable at 50 and 23,respectively,as shown in Figs.9d and 9e.The mean square error function is introduced herein as the fitness to CSSA,and the optimal global solution is iteratively updated according to the fitness value. Due to the introduction of chaotic disturbance and Gaussian mutation, CSSA has a stronger optimization ability than SSA.The standard SSA algorithm adopts a random point selection method in population initialization,so it is easily affected by the uneven ergodicity,while the improved Tent map has a more uniform value,so the algorithm can improve the quality of the initial solution and enhance the global search ability of the algorithm. After the iteration is completed, the fitness value of each sparrow and sparrow population is recalculated,and the individual is Gaussian mutated.A random number of the normal distribution is used to replace the original parameter value to search the regional focus near the original individual.Due to the characteristics of normal distribution,the search ability in the region near the original individual is enhanced,which is conducive to finding the global minimum point more accurately.After the final optimization by the above method,the network model after SSA optimization is better,with smaller fitness and stronger stability.

    The prediction results between the proposed method and other models are shown in Fig.10. It can be seen from Fig.10 that the prediction model results in this paper are closer to the real value.Compared with other methods, the proposed method has more accurate prediction results and can better show the variation law of load.

    Figure 9: (a) Adaptation convergence curve. (b) Learning rate optimisation curve. (c) Number of training sessions for the optimisation curve.(d)Node-seeking curve of the first implicit layer.(e)Nodeseeking curve of the second implicit layer

    Figure 10:Comparison of forecast results

    To verify the rationality and stability of the proposed model, the evaluation indicators of each model are shown in Table 2.According to Table 2,the prediction accuracy of the model in this paper is the highest.Compared with the LSTM,BiLSTM-Attention,BiLSTM-TPA,SSA-BiLSTM-Attention,CSSA-BiLSTM-Attention and IPSO-BiLSTM-Attention models, the MAPE is reduced by 3.81%,3.96%, 2.96%, 2.89%, 1.08% and 0.74%, respectively. While the RMSE index was reduced by 2.516,2.191,1.726,1.409,0.796,and 0.908,respectively.The comparison of MAE indicators decreased by 2.428, 2.153, 1.526, 1.625, 0.692, and 1.014. The R2index was improved by 9.68%, 8.22%, 6.24%,4.96%,2.66%and 3.06%.

    Table 2: Comparison of prediction accuracy

    Besides,we compared the BiLSTM-AT model based on the traditional attention mechanism and the BiLSTM-TPA model based on the temporal pattern attention mechanism to verify the versatility and stability of the TPA mechanism in short-term power load prediction methods under the same conditions. After training, MAPE, RMSE, MAE, and R2were used as the evaluation indicators of prediction accuracy. It was found that compared with the BiLSTM-AT model, the MAPE, RMSE,and MAE of the BiLSTM-TPA model were reduced by 1%, 0.465%, and 0.627%, respectively, and the R2was improved by 1.98%.The above data again verify that the prediction accuracy of the TPA mechanism based on the BiLSTM model is higher than that of the traditional attention mechanism.

    The CSSA-BiLSTM-AT model, SSA-BiLSTM-AT model, and BiLSTM-AT model are found CSSA-BiLSTM-AT model and the SSA-BiLSTM-AT model have significantly lower MAPE,RMSE,and MAE,and the R2is significantly improved compared with the BiLSTM-AT model.This shows the sparrow search algorithm’s applicability and stability and improved algorithm.By comparing the prediction evaluation indicators of the CSSA-BiLSTM-AT model and the SSA-BiLSTM-AT model,it is further verified that the CSSA algorithm has higher optimization accuracy than the SSA algorithm.At last,Compared with the IPSO algorithm,the CSSA algorithm has better prediction results in this paper.

    5 Conclusions

    This paper proposes a short-term power load forecasting method based on the chaotic sparrow search algorithm to optimize the time-series attention mechanism BiLSTM model. 1) Through the grey relational analysis method,the internal relationship of the data on the forecast day is analyzed,and the data sets similar to the forecast day are selected to reduce the difficulty of network processing and the interference caused by the noise data.Combined with the BiLSTM model,the bidirectional gated recurrent unit is used to fully extract the time series features, which further im-proves the prediction accuracy of the input information;2)The TPA mechanism can use the convolution kernel to extract important features in the hidden feature matrix of BiLSTM.At the same time,considering the influence of different variables on the predictor variables,select relevant information from different time steps for different features,which is more efficient than traditional attention.Mechanism models bring higher prediction accuracy; 3) The improved particle swarm optimization algorithm IPSO is introduced to compare with the CSSA algorithm, which proves that the CSSA algorithm has better prediction accuracy in the prediction process of this paper. Compared with other prediction models, the CSSA-BiLSTM-TPA model is more accurate in-network hyperparameter optimization and can effectively improve the accuracy of short-term power load prediction under different data sets. Compared with other prediction models, this paper’s proposed method has better predictive performance on short-term power load forecasting tasks.

    Funding Statement:This work has been supported by the Major Project of Basic and Applied Research in Guangdong Universities (2017WZDXM012). The authors would like to thank the anonymous reviewers,whose suggestions helped to substantially improve this manuscript.

    Conflicts of Interest:The authors declare that they have no conflicts of interest to report regarding the present study.

    狂野欧美白嫩少妇大欣赏| 久热这里只有精品99| 亚洲久久久国产精品| 国产精品久久久久久久电影| av免费观看日本| 五月玫瑰六月丁香| 国内精品宾馆在线| 高清毛片免费看| 国产伦理片在线播放av一区| 制服丝袜香蕉在线| xxx大片免费视频| 欧美日韩国产mv在线观看视频| 免费看日本二区| 男女无遮挡免费网站观看| 美女脱内裤让男人舔精品视频| 欧美日韩精品成人综合77777| 久久久久人妻精品一区果冻| 一级黄片播放器| 成年女人在线观看亚洲视频| 亚洲精品aⅴ在线观看| 一级毛片 在线播放| 男男h啪啪无遮挡| 天堂俺去俺来也www色官网| 国产伦精品一区二区三区四那| av.在线天堂| 亚洲美女视频黄频| 久久午夜福利片| 久久久久久久国产电影| 日韩熟女老妇一区二区性免费视频| 欧美日韩视频精品一区| 成人漫画全彩无遮挡| 国产成人aa在线观看| 成人美女网站在线观看视频| 91久久精品电影网| 国国产精品蜜臀av免费| 午夜激情福利司机影院| 在线播放无遮挡| 一级,二级,三级黄色视频| 久久人人爽人人爽人人片va| a 毛片基地| 日韩电影二区| a级毛片在线看网站| 国产亚洲欧美精品永久| 人妻少妇偷人精品九色| 国产伦精品一区二区三区四那| 亚洲av欧美aⅴ国产| 自拍欧美九色日韩亚洲蝌蚪91 | 亚洲精品aⅴ在线观看| 97超视频在线观看视频| 婷婷色综合www| av在线app专区| 免费av不卡在线播放| 人人妻人人澡人人看| 久久韩国三级中文字幕| 伊人久久国产一区二区| 国产有黄有色有爽视频| 99久久中文字幕三级久久日本| 国产免费一区二区三区四区乱码| 精品亚洲成国产av| 美女脱内裤让男人舔精品视频| 久久久久久久久大av| 王馨瑶露胸无遮挡在线观看| 又爽又黄a免费视频| 伦理电影大哥的女人| 日韩不卡一区二区三区视频在线| 纯流量卡能插随身wifi吗| 国产又色又爽无遮挡免| 久久久精品免费免费高清| 亚洲在久久综合| 中文字幕人妻丝袜制服| 你懂的网址亚洲精品在线观看| 晚上一个人看的免费电影| 国产爽快片一区二区三区| 两个人免费观看高清视频 | 国产熟女欧美一区二区| 亚洲av国产av综合av卡| 亚洲av男天堂| 国产亚洲最大av| 一本一本综合久久| 亚洲精品国产av蜜桃| 另类亚洲欧美激情| 波野结衣二区三区在线| 国产真实伦视频高清在线观看| 一级a做视频免费观看| 热re99久久国产66热| 丰满饥渴人妻一区二区三| 久久精品熟女亚洲av麻豆精品| 日日摸夜夜添夜夜添av毛片| 天堂中文最新版在线下载| 自拍偷自拍亚洲精品老妇| 日韩中字成人| 精品国产乱码久久久久久小说| 2018国产大陆天天弄谢| 久久精品久久精品一区二区三区| 午夜老司机福利剧场| 在线 av 中文字幕| 99热6这里只有精品| 最近的中文字幕免费完整| 国产精品免费大片| 99九九线精品视频在线观看视频| 精品久久久精品久久久| 国产精品一区二区在线不卡| 综合色丁香网| 一级黄片播放器| a级片在线免费高清观看视频| 高清午夜精品一区二区三区| 成人国产麻豆网| 久久综合国产亚洲精品| a级毛色黄片| 亚洲人成网站在线观看播放| 久久人妻熟女aⅴ| 亚洲av.av天堂| 卡戴珊不雅视频在线播放| 久久精品国产亚洲网站| av在线老鸭窝| 色网站视频免费| 日本av免费视频播放| 欧美国产精品一级二级三级 | 另类亚洲欧美激情| 欧美xxⅹ黑人| 精品久久久久久电影网| 狂野欧美激情性xxxx在线观看| 亚洲综合精品二区| 三级国产精品片| 日韩电影二区| 性高湖久久久久久久久免费观看| 精品人妻偷拍中文字幕| 啦啦啦在线观看免费高清www| 亚洲婷婷狠狠爱综合网| 亚洲国产欧美日韩在线播放 | 99九九线精品视频在线观看视频| 麻豆成人午夜福利视频| 亚洲av成人精品一区久久| 免费观看av网站的网址| 成人黄色视频免费在线看| 精品久久国产蜜桃| 久久午夜福利片| 欧美3d第一页| 精品久久久噜噜| 亚洲av二区三区四区| 亚洲一区二区三区欧美精品| 亚洲精品乱久久久久久| 亚洲,一卡二卡三卡| 国产黄色视频一区二区在线观看| 亚洲第一av免费看| 国产av码专区亚洲av| 哪个播放器可以免费观看大片| 自拍欧美九色日韩亚洲蝌蚪91 | 国产精品不卡视频一区二区| 日日摸夜夜添夜夜添av毛片| 亚洲人成网站在线观看播放| 人妻制服诱惑在线中文字幕| 日本-黄色视频高清免费观看| 国产午夜精品久久久久久一区二区三区| 我要看日韩黄色一级片| 老司机亚洲免费影院| 久久久久久人妻| 蜜桃在线观看..| 寂寞人妻少妇视频99o| 免费观看a级毛片全部| 色哟哟·www| 校园人妻丝袜中文字幕| 亚洲精品成人av观看孕妇| 久久久久久久亚洲中文字幕| 亚洲中文av在线| 欧美精品人与动牲交sv欧美| 国产一区二区在线观看av| 日韩强制内射视频| av女优亚洲男人天堂| 极品少妇高潮喷水抽搐| 国产精品人妻久久久久久| 制服丝袜香蕉在线| 国产一区二区在线观看av| 精品少妇久久久久久888优播| 亚洲国产色片| av在线app专区| 伦理电影大哥的女人| 久久久久久伊人网av| 卡戴珊不雅视频在线播放| 亚洲不卡免费看| 亚洲国产日韩一区二区| 亚洲av国产av综合av卡| 青春草亚洲视频在线观看| 99热6这里只有精品| 精品亚洲成国产av| 成年人免费黄色播放视频 | 极品人妻少妇av视频| 男女国产视频网站| 日本爱情动作片www.在线观看| 国产黄色视频一区二区在线观看| 高清在线视频一区二区三区| 久久久久国产网址| 街头女战士在线观看网站| 欧美另类一区| 99久久精品国产国产毛片| 国产精品嫩草影院av在线观看| 亚洲av不卡在线观看| 在线观看免费视频网站a站| 久久人妻熟女aⅴ| 99久久中文字幕三级久久日本| 一二三四中文在线观看免费高清| 如何舔出高潮| 一个人看视频在线观看www免费| 亚洲精品久久久久久婷婷小说| 男女边吃奶边做爰视频| 精品人妻熟女av久视频| 成人午夜精彩视频在线观看| 一区二区三区精品91| 黑人猛操日本美女一级片| 青春草国产在线视频| 欧美变态另类bdsm刘玥| 亚洲精品亚洲一区二区| 91久久精品国产一区二区三区| 亚洲av综合色区一区| 亚洲性久久影院| av福利片在线| 久久97久久精品| 免费看日本二区| 国产成人freesex在线| 精品熟女少妇av免费看| freevideosex欧美| 久久久久人妻精品一区果冻| 亚洲人与动物交配视频| h视频一区二区三区| 伊人亚洲综合成人网| 精品久久久久久久久av| 国产黄色视频一区二区在线观看| 两个人免费观看高清视频 | 国产精品久久久久成人av| 欧美一级a爱片免费观看看| 久久99一区二区三区| 欧美少妇被猛烈插入视频| 亚洲成人一二三区av| 亚洲国产日韩一区二区| 欧美精品一区二区免费开放| 美女xxoo啪啪120秒动态图| 日本91视频免费播放| 久久99精品国语久久久| a 毛片基地| 国产精品一区二区在线观看99| 黑人猛操日本美女一级片| 免费看日本二区| 老司机影院毛片| 午夜激情久久久久久久| 亚洲av综合色区一区| 久久人妻熟女aⅴ| 人人妻人人添人人爽欧美一区卜| 国产欧美日韩精品一区二区| 日韩av不卡免费在线播放| 午夜福利视频精品| 国产伦在线观看视频一区| 一级毛片 在线播放| 建设人人有责人人尽责人人享有的| 日韩熟女老妇一区二区性免费视频| 精品久久国产蜜桃| 一个人免费看片子| 免费播放大片免费观看视频在线观看| 国产视频内射| 美女大奶头黄色视频| 国产成人免费无遮挡视频| a级一级毛片免费在线观看| 欧美日韩精品成人综合77777| 亚洲四区av| 在线精品无人区一区二区三| 欧美少妇被猛烈插入视频| 精品亚洲乱码少妇综合久久| 欧美日韩在线观看h| 91在线精品国自产拍蜜月| 久久99热6这里只有精品| 免费av不卡在线播放| www.色视频.com| 婷婷色综合www| 精品酒店卫生间| 91久久精品国产一区二区三区| 丝袜喷水一区| 亚洲怡红院男人天堂| 啦啦啦啦在线视频资源| 亚洲精品日韩在线中文字幕| 简卡轻食公司| 人体艺术视频欧美日本| 成人漫画全彩无遮挡| 国产日韩欧美在线精品| 亚州av有码| 狠狠精品人妻久久久久久综合| 免费人妻精品一区二区三区视频| 亚洲精品第二区| 国产精品久久久久久久电影| 性色avwww在线观看| 久久精品国产亚洲av涩爱| 国产精品三级大全| 成人综合一区亚洲| 亚洲一级一片aⅴ在线观看| 免费看av在线观看网站| 亚洲一区二区三区欧美精品| 狂野欧美激情性bbbbbb| 国产免费一级a男人的天堂| 嫩草影院入口| 国产一区二区三区综合在线观看 | 蜜臀久久99精品久久宅男| 男人爽女人下面视频在线观看| 国产精品.久久久| 欧美国产精品一级二级三级 | 久久综合国产亚洲精品| 尾随美女入室| 狂野欧美激情性xxxx在线观看| 国产色婷婷99| 色吧在线观看| 97在线人人人人妻| 街头女战士在线观看网站| 久久久久精品性色| 欧美精品人与动牲交sv欧美| a 毛片基地| 寂寞人妻少妇视频99o| 一级毛片我不卡| 久久久久国产精品人妻一区二区| 国产熟女欧美一区二区| 最近中文字幕高清免费大全6| a级一级毛片免费在线观看| av又黄又爽大尺度在线免费看| 精品99又大又爽又粗少妇毛片| 自拍偷自拍亚洲精品老妇| 欧美xxxx性猛交bbbb| 永久免费av网站大全| 最后的刺客免费高清国语| 成人亚洲精品一区在线观看| 国产黄片视频在线免费观看| 18+在线观看网站| 一级毛片 在线播放| 亚洲人成网站在线播| 中文欧美无线码| 久久精品夜色国产| 久久久久久久久久久久大奶| 99久久精品国产国产毛片| 精品国产一区二区三区久久久樱花| 91久久精品国产一区二区成人| 日本黄色日本黄色录像| 高清不卡的av网站| 亚洲久久久国产精品| 国产亚洲最大av| 久热这里只有精品99| 日韩av免费高清视频| 99热这里只有是精品50| 免费不卡的大黄色大毛片视频在线观看| 精品亚洲乱码少妇综合久久| www.色视频.com| 久久精品国产a三级三级三级| 精华霜和精华液先用哪个| 少妇熟女欧美另类| 日本与韩国留学比较| 久久精品夜色国产| 免费高清在线观看视频在线观看| 性色av一级| 汤姆久久久久久久影院中文字幕| 99热全是精品| 国产精品无大码| 妹子高潮喷水视频| 3wmmmm亚洲av在线观看| 亚洲不卡免费看| 一区二区av电影网| 中文在线观看免费www的网站| 精品久久久久久电影网| 观看免费一级毛片| 啦啦啦在线观看免费高清www| 欧美一级a爱片免费观看看| av又黄又爽大尺度在线免费看| 亚洲国产毛片av蜜桃av| 大码成人一级视频| 国产伦精品一区二区三区四那| 国产亚洲欧美精品永久| 少妇的逼水好多| √禁漫天堂资源中文www| 成人美女网站在线观看视频| 国产精品国产三级国产av玫瑰| 久久久国产欧美日韩av| 一级片'在线观看视频| 青春草视频在线免费观看| 亚洲精品色激情综合| 免费少妇av软件| 又粗又硬又长又爽又黄的视频| 亚洲第一av免费看| 一边亲一边摸免费视频| 免费看不卡的av| 在现免费观看毛片| 久久99一区二区三区| 国产老妇伦熟女老妇高清| 制服丝袜香蕉在线| 狂野欧美白嫩少妇大欣赏| 国产黄色免费在线视频| 色视频www国产| 深夜a级毛片| 国产精品蜜桃在线观看| 亚洲伊人久久精品综合| 一个人免费看片子| 色哟哟·www| 午夜免费男女啪啪视频观看| 丰满迷人的少妇在线观看| 高清视频免费观看一区二区| 精品少妇久久久久久888优播| 久久久久国产网址| 能在线免费看毛片的网站| 全区人妻精品视频| 精品人妻熟女av久视频| 久久99蜜桃精品久久| 亚洲国产欧美日韩在线播放 | 国产亚洲一区二区精品| 久久国产乱子免费精品| av线在线观看网站| 在线观看三级黄色| 久热这里只有精品99| 国产视频首页在线观看| 国产精品99久久久久久久久| 热re99久久国产66热| 欧美日韩综合久久久久久| 最后的刺客免费高清国语| 午夜福利在线观看免费完整高清在| av不卡在线播放| 人妻夜夜爽99麻豆av| 最近2019中文字幕mv第一页| 如日韩欧美国产精品一区二区三区 | 午夜激情久久久久久久| 人人妻人人看人人澡| 久久午夜综合久久蜜桃| 国产成人精品福利久久| 最近手机中文字幕大全| 在线观看av片永久免费下载| 国产精品一二三区在线看| 国产精品无大码| 国产爽快片一区二区三区| 女人精品久久久久毛片| 男女无遮挡免费网站观看| av一本久久久久| 中文资源天堂在线| 男男h啪啪无遮挡| 熟女电影av网| 亚洲人与动物交配视频| 亚洲天堂av无毛| 乱人伦中国视频| 大码成人一级视频| 91精品一卡2卡3卡4卡| 免费观看性生交大片5| 女性生殖器流出的白浆| 一本一本综合久久| 午夜日本视频在线| 亚洲国产欧美日韩在线播放 | a级一级毛片免费在线观看| 五月天丁香电影| 欧美精品人与动牲交sv欧美| 国产精品伦人一区二区| 亚洲欧洲国产日韩| 亚洲av成人精品一区久久| 多毛熟女@视频| 久久久久久久久久成人| 亚洲成人手机| 国产成人精品久久久久久| 少妇人妻精品综合一区二区| 少妇人妻 视频| 国产亚洲一区二区精品| 纵有疾风起免费观看全集完整版| 亚洲国产最新在线播放| 免费大片黄手机在线观看| 人人澡人人妻人| 亚洲欧美成人精品一区二区| 欧美精品国产亚洲| 老女人水多毛片| 99热网站在线观看| 国产爽快片一区二区三区| 3wmmmm亚洲av在线观看| 欧美丝袜亚洲另类| 亚洲一区二区三区欧美精品| 人妻少妇偷人精品九色| 肉色欧美久久久久久久蜜桃| 精品少妇内射三级| 性高湖久久久久久久久免费观看| 91在线精品国自产拍蜜月| 午夜福利,免费看| 亚洲精品国产色婷婷电影| 80岁老熟妇乱子伦牲交| 国产男人的电影天堂91| 一级爰片在线观看| 日韩中文字幕视频在线看片| 乱人伦中国视频| 亚洲综合色惰| av线在线观看网站| 一本—道久久a久久精品蜜桃钙片| 一级毛片aaaaaa免费看小| 人人妻人人添人人爽欧美一区卜| 在线天堂最新版资源| 97精品久久久久久久久久精品| 日韩中字成人| 国产高清三级在线| 偷拍熟女少妇极品色| 看十八女毛片水多多多| 国产片特级美女逼逼视频| 街头女战士在线观看网站| 伊人久久国产一区二区| 精品一区在线观看国产| 国产精品一区二区三区四区免费观看| 我要看黄色一级片免费的| 汤姆久久久久久久影院中文字幕| 久久精品国产a三级三级三级| 国产精品免费大片| 欧美激情极品国产一区二区三区 | 久久精品久久精品一区二区三区| 成年美女黄网站色视频大全免费 | 尾随美女入室| 插阴视频在线观看视频| 亚洲精品日韩在线中文字幕| av线在线观看网站| 男女国产视频网站| .国产精品久久| 国产黄色视频一区二区在线观看| 国内揄拍国产精品人妻在线| a级一级毛片免费在线观看| 久久6这里有精品| 我的老师免费观看完整版| 亚洲精品中文字幕在线视频 | 中文字幕亚洲精品专区| 高清av免费在线| 日韩,欧美,国产一区二区三区| 亚洲四区av| 国产真实伦视频高清在线观看| 免费黄频网站在线观看国产| 我要看日韩黄色一级片| 在线天堂最新版资源| 天堂俺去俺来也www色官网| 日日撸夜夜添| 国产毛片在线视频| 欧美 亚洲 国产 日韩一| 欧美精品一区二区免费开放| 99热这里只有是精品50| 久久久久久久精品精品| 亚洲av日韩在线播放| 丝袜在线中文字幕| 国产国拍精品亚洲av在线观看| 亚洲久久久国产精品| 99久久精品国产国产毛片| 91aial.com中文字幕在线观看| 中文字幕人妻熟人妻熟丝袜美| av一本久久久久| 国产男女超爽视频在线观看| 国产精品国产三级国产专区5o| 亚洲国产av新网站| 91精品一卡2卡3卡4卡| 一本久久精品| 亚洲真实伦在线观看| 国产日韩欧美亚洲二区| 精品一区在线观看国产| 久久国产精品大桥未久av | 日韩精品有码人妻一区| 欧美变态另类bdsm刘玥| 成人无遮挡网站| 亚洲精品视频女| 极品少妇高潮喷水抽搐| 搡老乐熟女国产| 国产精品一区二区在线观看99| 免费黄色在线免费观看| 美女国产视频在线观看| 亚洲性久久影院| 一本一本综合久久| 国产欧美日韩综合在线一区二区 | 一级毛片 在线播放| 国产伦在线观看视频一区| 高清欧美精品videossex| 欧美日韩在线观看h| 国产色婷婷99| 午夜福利视频精品| 这个男人来自地球电影免费观看 | 成人免费观看视频高清| 在线免费观看不下载黄p国产| 99热国产这里只有精品6| av视频免费观看在线观看| 久久精品久久精品一区二区三区| 天堂中文最新版在线下载| 亚洲精品456在线播放app| 精品久久久久久久久av| av天堂中文字幕网| 色视频www国产| 国产欧美另类精品又又久久亚洲欧美| 午夜福利,免费看| 国产亚洲精品久久久com| 美女主播在线视频| 十八禁高潮呻吟视频 | 九九爱精品视频在线观看| 国产精品免费大片| av天堂中文字幕网| 亚洲成人一二三区av| 免费久久久久久久精品成人欧美视频 | 免费观看的影片在线观看| 亚洲欧美精品专区久久| 亚洲国产毛片av蜜桃av| av国产精品久久久久影院| 天天操日日干夜夜撸| 国产乱人偷精品视频| 在线观看美女被高潮喷水网站| 制服丝袜香蕉在线| 熟妇人妻不卡中文字幕| 噜噜噜噜噜久久久久久91| 国产av码专区亚洲av| 欧美日韩亚洲高清精品| 国产精品三级大全| 高清午夜精品一区二区三区| 特大巨黑吊av在线直播| 国产视频首页在线观看| 久久人妻熟女aⅴ| 精品99又大又爽又粗少妇毛片| 在线观看国产h片| 欧美xxⅹ黑人| 国产深夜福利视频在线观看| 人人澡人人妻人| 国产永久视频网站| 又爽又黄a免费视频| 免费观看性生交大片5| 亚洲精品视频女| 精品久久久噜噜| 精品国产国语对白av|