Accurately predicting environmental parameters in solar greenhouses is crucial for achieving precise environmental control.In solar greenhouses,temperature,humidity,and light intensity are crucial environmental parame...Accurately predicting environmental parameters in solar greenhouses is crucial for achieving precise environmental control.In solar greenhouses,temperature,humidity,and light intensity are crucial environmental parameters.The monitoring platform collected data on the internal environment of the solar greenhouse for one year,including temperature,humidity,and light intensity.Additionally,meteorological data,comprising outdoor temperature,outdoor humidity,and outdoor light intensity,was gathered during the same time frame.The characteristics and interrelationships among these parameters were investigated by a thorough analysis.The analysis revealed that environmental parameters in solar greenhouses displayed characteristics such as temporal variability,non-linearity,and periodicity.These parameters exhibited complex coupling relationships.Notably,these characteristics and coupling relationships exhibited pronounced seasonal variations.The multi-parameter multi-step prediction model for solar greenhouse(MPMS-SGH)was introduced,aiming to accurately predict three key greenhouse environmental parameters,and the model had certain seasonal adaptability.MPMS-SGH was structured with multiple layers,including an input layer,a preprocessing layer,a feature extraction layer,and a prediction layer.The input layer was used to generate the original sequence matrix,which included indoor temperature,indoor humidity,indoor light intensity,as well as outdoor temperature and outdoor light intensity.Then the preprocessing layer normalized,decomposed,and positionally encoded the original sequence matrix.In the feature extraction layer,the time attention mechanism and frequency attention mechanism were used to extract features from the trend component and the seasonal component,respectively.Finally,the prediction layer used a multi-layer perceptron to perform multi-step prediction of indoor environmental parameters(i.e.temperature,humidity,and light intensity).The parameter selection experiment evaluated the predictive performance of MPMS-SGH on input and output sequences of different lengths.The results indicated that with a constant output sequence length,the prediction accuracy of MPMS-SGH was firstly increased and then decreased with the increase of input sequence length.Specifically,when the input sequence length was 100,MPMS-SGH had the highest prediction accuracy,with RMSE of 0.22℃,0.28%,and 250lx for temperature,humidity,and light intensity,respectively.When the length of the input sequence remained constant,as the length of the output sequence increased,the accuracy of the model in predicting the three environmental parameters was continuously decreased.When the length of the output sequence exceeded 45,the prediction accuracy of MPMS-SGH was significantly decreased.In order to achieve the best balance between model size and performance,the input sequence length of MPMS-SGH was set to be 100,while the output sequence length was set to be 35.To assess MPMS-SGH’s performance,comparative experiments with four prediction models were conducted:SVR,STL-SVR,LSTM,and STL-LSTM.The results demonstrated that MPMS-SGH surpassed all other models,achieving RMSE of 0.15℃for temperature,0.38%for humidity,and 260lx for light intensity.Additionally,sequence decomposition can contribute to enhancing MPMS-SGH’s prediction performance.To further evaluate MPMS-SGH’s capabilities,its prediction accuracy was tested across different seasons for greenhouse environmental parameters.MPMS-SGH had the highest accuracy in predicting indoor temperature and the lowest accuracy in predicting humidity.And the accuracy of MPMS-SGH in predicting environmental parameters of the solar greenhouse fluctuated with seasons.MPMS-SGH had the highest accuracy in predicting the temperature inside the greenhouse on sunny days in spring(R^(2)=0.91),the highest accuracy in predicting the humidity inside the greenhouse on sunny days in winter(R^(2)=0.83),and the highest accuracy in predicting the light intensity inside the greenhouse on cloudy days in autumm(R^(2)=0.89).MPMS-SGH had the lowest accuracy in predicting three environmental parameters in a sunny summer greenhouse.展开更多
The modern industrial control objects become more and more complicated,and higher control quality is required, so a series of new control strategies appear,applied,modified and develop quickly.This paper researches a ...The modern industrial control objects become more and more complicated,and higher control quality is required, so a series of new control strategies appear,applied,modified and develop quickly.This paper researches a new control strategy- prediction control-and its application in Multi-Variable Control Process.The research result is worthy for automatic control in pro- cess industry.展开更多
Traffic flow prediction is an important part of the intelligent transportation system. Accurate multi-step traffic flow prediction plays an important role in improving the operational efficiency of the traffic network...Traffic flow prediction is an important part of the intelligent transportation system. Accurate multi-step traffic flow prediction plays an important role in improving the operational efficiency of the traffic network. Since traffic flow data has complex spatio-temporal correlation and non-linearity, existing prediction methods are mainly accomplished through a combination of a Graph Convolutional Network (GCN) and a recurrent neural network. The combination strategy has an excellent performance in traffic prediction tasks. However, multi-step prediction error accumulates with the predicted step size. Some scholars use multiple sampling sequences to achieve more accurate prediction results. But it requires high hardware conditions and multiplied training time. Considering the spatiotemporal correlation of traffic flow and influence of external factors, we propose an Attention Based Spatio-Temporal Graph Convolutional Network considering External Factors (ABSTGCN-EF) for multi-step traffic flow prediction. This model models the traffic flow as diffusion on a digraph and extracts the spatial characteristics of traffic flow through GCN. We add meaningful time-slots attention to the encoder-decoder to form an Attention Encoder Network (AEN) to handle temporal correlation. The attention vector is used as a competitive choice to draw the correlation between predicted states and historical states. We considered the impact of three external factors (daytime, weekdays, and traffic accident markers) on the traffic flow prediction tasks. Experiments on two public data sets show that it makes sense to consider external factors. The prediction performance of our ABSTGCN-EF model achieves 7.2%–8.7% higher than the state-of-the-art baselines.展开更多
Considering chaotic time series multi-step prediction, multi-step direct prediction model based on partial least squares (PLS) is proposed in this article, where PLS, the method for predicting a set of dependent var...Considering chaotic time series multi-step prediction, multi-step direct prediction model based on partial least squares (PLS) is proposed in this article, where PLS, the method for predicting a set of dependent variables forming a large set of predictors, is used to model the dynamic evolution between the space points and the corresponding future points. The model can eliminate error accumulation with the common single-step local model algorithm~ and refrain from the high multi-collinearity problem in the reconstructed state space with the increase of embedding dimension. Simulation predictions are done on the Mackey-Glass chaotic time series with the model. The satisfying prediction accuracy is obtained and the model efficiency verified. In the experiments, the number of extracted components in PLS is set with cross-validation procedure.展开更多
A content-aware multi-step prediction control(CAMPC)algorithm is proposed to determine the bitrate of 360-degree videos,aim⁃ing to enhance the quality of experience(QoE)of users and reduce the cost of video content pr...A content-aware multi-step prediction control(CAMPC)algorithm is proposed to determine the bitrate of 360-degree videos,aim⁃ing to enhance the quality of experience(QoE)of users and reduce the cost of video content providers(VCP).The CAMPC algorithm first em⁃ploys a neural network to generate the content richness and combines it with the current field of view(FOV)to accurately predict the probability distribution of tiles being viewed.Then,for the tiles in the predicted viewport which directly affect QoE,the CAMPC algorithm utilizes a multi-step prediction for future system states,and accordingly selects the bitrates of multiple subsequent steps,instead of an instantaneous state.Meanwhile,it controls the buffer occupancy to eliminate the impact of prediction errors.We implement CAMPC on players by building a 360-degree video streaming platform and evaluating other advanced adaptive bitrate(ABR)rules through the real network.Experimental results show that CAMPC can save 83.5%of bandwidth resources compared with the scheme that completely transmits the tiles outside the viewport with the Dynamic Adaptive Streaming over HTTP(DASH)protocol.Besides,the proposed method can improve the system utility by 62.7%and 27.6%compared with the DASH official and viewport-based rules,respectively.展开更多
Virtual machine(VM)consolidation is an effective way to improve resource utilization and reduce energy consumption in cloud data centers.Most existing studies have considered VM consolidation as a bin-packing problem,...Virtual machine(VM)consolidation is an effective way to improve resource utilization and reduce energy consumption in cloud data centers.Most existing studies have considered VM consolidation as a bin-packing problem,but the current schemes commonly ignore the long-term relationship between VMs and hosts.In addition,there is a lack of long-term consideration for resource optimization in the VM consolidation,which results in unnecessary VM migration and increased energy consumption.To address these limitations,a VM consolidation method based on multi-step prediction and affinity-aware technique for energy-efficient cloud data centers(MPaAF-VMC)is proposed.The proposed method uses an improved linear regression prediction algorithm to predict the next-moment resource utilization of hosts and VMs,and obtains the stage demand of resources in the future period through multi-step prediction,which is realized by iterative prediction.Then,based on the multi-step prediction,an affinity model between the VM and host is designed using the first-order correlation coefficient and Euclidean distance.During the VM consolidation,the affinity value is used to select the migration VM and placement host.The proposed method is compared with the existing consolidation algorithms on the PlanetLab and Google cluster real workload data using the CloudSim simulation platform.Experimental results show that the proposed method can achieve significant improvement in reducing energy consumption,VM migration costs,and service level agreement(SLA)violations.展开更多
A compound neural network was constructed during the process of identification and multi-step prediction. Under the PID-type long-range predictive cost function, the control signal was calculated based on gradient alg...A compound neural network was constructed during the process of identification and multi-step prediction. Under the PID-type long-range predictive cost function, the control signal was calculated based on gradient algorithm. The nonlinear controller’s structure was similar to the conventional PID controller. The parameters of this controller were tuned by using a local recurrent neural network on-line. The controller has a better effect than the conventional PID controller. Simulation study shows the effectiveness and good performance.展开更多
Video prediction is the problem of generating future frames by exploiting the spatiotemporal correlation from the past frame sequence.It is one of the crucial issues in computer vision and has many real-world applicat...Video prediction is the problem of generating future frames by exploiting the spatiotemporal correlation from the past frame sequence.It is one of the crucial issues in computer vision and has many real-world applications,mainly focused on predicting future scenarios to avoid undesirable outcomes.However,modeling future image content and object is challenging due to the dynamic evolution and complexity of the scene,such as occlusions,camera movements,delay and illumination.Direct frame synthesis or optical-flow estimation are common approaches used by researchers.However,researchers mainly focused on video prediction using one of the approaches.Both methods have limitations,such as direct frame synthesis,usually face blurry prediction due to complex pixel distributions in the scene,and optical-flow estimation,usually produce artifacts due to large object displacements or obstructions in the clip.In this paper,we constructed a deep neural network Frame Prediction Network(FPNet-OF)with multiplebranch inputs(optical flow and original frame)to predict the future video frame by adaptively fusing the future object-motion with the future frame generator.The key idea is to jointly optimize direct RGB frame synthesis and dense optical flow estimation to generate a superior video prediction network.Using various real-world datasets,we experimentally verify that our proposed framework can produce high-level video frame compared to other state-ofthe-art framework.展开更多
This paper investigates State Space Model Predictive Control (SSMPC) of an aerothermic process. It is a pilot scale heating and ventilation system equipped with a heater grid and a centrifugal blower, fully connected ...This paper investigates State Space Model Predictive Control (SSMPC) of an aerothermic process. It is a pilot scale heating and ventilation system equipped with a heater grid and a centrifugal blower, fully connected through a data acquisition system for real time control. The interaction between the process variables is shown to be challenging for single variable controllers, therefore multi-variable control is worth considering. A multi-variable state space model is obtained from on-line experimental data. The controller design is translated into a Quadratic Programming (QP) problem, in which a cost function subject to actuators linear inequality constraints is minimized. The outcome of the experimental results is that the main control objectives, such as set-point tracking and perturbations rejection under actuators constraints, are well achieved for both controlled variables simultaneously.展开更多
Management and efficient operations in critical infrastructures such as smart grids take huge advantage of accurate power load forecasting,which,due to its non-linear nature,remains a challenging task.Recently,deep le...Management and efficient operations in critical infrastructures such as smart grids take huge advantage of accurate power load forecasting,which,due to its non-linear nature,remains a challenging task.Recently,deep learning has emerged in the machine learning field achieving impressive performance in a vast range of tasks,from image classification to machine translation.Applications of deep learning models to the electric load forecasting problem are gaining interest among researchers as well as the industry,but a comprehensive and sound comparison among different-also traditional-architectures is not yet available in the literature.This work aims at filling the gap by reviewing and experimentally evaluating four real world datasets on the most recent trends in electric load forecasting,by contrasting deep learning architectures on short-term forecast(oneday-ahead prediction).Specifically,the focus is on feedforward and recurrent neural networks,sequence-to-sequence models and temporal convolutional neural networks along with architectural variants,which are known in the signal processing community but are novel to the load forecasting one.展开更多
This paper focuses on the dynamic control of distillation column with side reactors(SRC) for methyl acetate production. To obtain the optimum integrated structure and steady state simulation, the systematic design app...This paper focuses on the dynamic control of distillation column with side reactors(SRC) for methyl acetate production. To obtain the optimum integrated structure and steady state simulation, the systematic design approach based on the concept of independent reaction amount is applied to the process of SRC for methyl acetate production. In addition to the basic control loops, multi-variable model predictive control modular with methyl acetate concentration and temperature of sensitive plate is designed. Then, based on process simulation software Aspen Plus, dynamic simulation of SRC for methyl acetate production is used to verify the effectiveness of the control scheme.展开更多
Accurately predicting motion responses is a crucial component of the design process for floating offshore structures.This study introduces a hybrid model that integrates a convolutional neural network(CNN),a bidirecti...Accurately predicting motion responses is a crucial component of the design process for floating offshore structures.This study introduces a hybrid model that integrates a convolutional neural network(CNN),a bidirectional long short-term memory(BiLSTM)neural network,and an attention mechanism for forecasting the short-term motion responses of a semisubmersible.First,the motions are processed through the CNN for feature extraction.The extracted features are subsequently utilized by the BiLSTM network to forecast future motions.To enhance the predictive capability of the neural networks,an attention mechanism is integrated.In addition to the hybrid model,the BiLSTM is independently employed to forecast the motion responses of the semi-submersible,serving as benchmark results for comparison.Furthermore,both the 1D and 2D convolutions are conducted to check the influence of the convolutional dimensionality on the predicted results.The results demonstrate that the hybrid 1D CNN-BiLSTM network with an attention mechanism outperforms all other models in accurately predicting motion responses.展开更多
Nowadays,large numbers of smart sensors(e.g.,road-side cameras)which com-municate with nearby base stations could launch distributed denial of services(DDoS)attack storms in intelligent transportation systems.DDoS att...Nowadays,large numbers of smart sensors(e.g.,road-side cameras)which com-municate with nearby base stations could launch distributed denial of services(DDoS)attack storms in intelligent transportation systems.DDoS attacks disable the services provided by base stations.Thus in this paper,considering the uneven communication traffic ows and privacy preserving,we give a hidden Markov model-based prediction model by utilizing the multi-step characteristic of DDoS with a federated learning framework to predict whether DDoS attacks will happen on base stations in the future.However,in the federated learning,we need to consider the problem of poisoning attacks due to malicious participants.The poisoning attacks will lead to the intelligent transportation systems paralysis without security protection.Traditional poisoning attacks mainly apply to the classi cation model with labeled data.In this paper,we propose a reinforcement learning-based poisoningmethod speci cally for poisoning the prediction model with unlabeled data.Besides,previous related defense strategies rely on validation datasets with labeled data in the server.However,it is unrealistic since the local training datasets are not uploaded to the server due to privacy preserving,and our datasets are also unlabeled.Furthermore,we give a validation dataset-free defense strategy based on Dempster-Shafer(D-S)evidence theory avoiding anomaly aggregation to obtain a robust global model for precise DDoS prediction.In our experiments,we simulate 3000 points in combination with DARPA2000 dataset to carry out evaluations.The results indicate that our poisoning method can successfully poison the global prediction model with unlabeled data in a short time.Meanwhile,we compare our proposed defense algorithm with three popularly used defense algorithms.The results show that our defense method has a high accuracy rate of excluding poisoners and can obtain a high attack prediction probability.展开更多
In this paper, a method of direct multi-step prediction of chaotic time series is proposed, which is based on Kolmogorov entropy and radial basis functions neural networks. This is done first by reconstructing a phase...In this paper, a method of direct multi-step prediction of chaotic time series is proposed, which is based on Kolmogorov entropy and radial basis functions neural networks. This is done first by reconstructing a phase space using chaotic time series, then using K-entropy as a quantitative parameter to obtain the maximum predictability time of chaotic time series, finally the predicted chaotic time series data can be acquired by using RBFNN. The application considered is Lorenz system. Simulation results for direct multi-step prediction method are compared with recurrence multi-step prediction method. The results indicate that the direct multi-step prediction is more accurate and rapid than the recurrence multi-step prediction within the maximum predictability time of chaotic time series. So, it is convenient to forecast and control with real time using the method of direct multi-step prediction.展开更多
The MGM(1,m,N)model is an effective grey multi-variate forecasting model that considers multiple system characteristic sequences affected by multiplefactors.Nevertheless,it isregularly inaccurate in the application Th...The MGM(1,m,N)model is an effective grey multi-variate forecasting model that considers multiple system characteristic sequences affected by multiplefactors.Nevertheless,it isregularly inaccurate in the application This is because the model requires a strong correlation between the system characteristic sequences That reduces the applicability of the model.To solve this problem,this paper proposes a novel multi-variate grey model.This model does not require a certain correlation between system characteristic sequences and has higher applicability Through numerical integration,a two-point trapezoidal formula,and a recursive method,thetime-response expressions ofthetwo model forms are obtained Some properties of the proposed model are further discussed Finally,the validity of the proposed model is evaluated by using two real cases related to China's invention patent development.Theresultsshow that the novel models outperformother models inbothsimulation and prediction applications.展开更多
文摘Accurately predicting environmental parameters in solar greenhouses is crucial for achieving precise environmental control.In solar greenhouses,temperature,humidity,and light intensity are crucial environmental parameters.The monitoring platform collected data on the internal environment of the solar greenhouse for one year,including temperature,humidity,and light intensity.Additionally,meteorological data,comprising outdoor temperature,outdoor humidity,and outdoor light intensity,was gathered during the same time frame.The characteristics and interrelationships among these parameters were investigated by a thorough analysis.The analysis revealed that environmental parameters in solar greenhouses displayed characteristics such as temporal variability,non-linearity,and periodicity.These parameters exhibited complex coupling relationships.Notably,these characteristics and coupling relationships exhibited pronounced seasonal variations.The multi-parameter multi-step prediction model for solar greenhouse(MPMS-SGH)was introduced,aiming to accurately predict three key greenhouse environmental parameters,and the model had certain seasonal adaptability.MPMS-SGH was structured with multiple layers,including an input layer,a preprocessing layer,a feature extraction layer,and a prediction layer.The input layer was used to generate the original sequence matrix,which included indoor temperature,indoor humidity,indoor light intensity,as well as outdoor temperature and outdoor light intensity.Then the preprocessing layer normalized,decomposed,and positionally encoded the original sequence matrix.In the feature extraction layer,the time attention mechanism and frequency attention mechanism were used to extract features from the trend component and the seasonal component,respectively.Finally,the prediction layer used a multi-layer perceptron to perform multi-step prediction of indoor environmental parameters(i.e.temperature,humidity,and light intensity).The parameter selection experiment evaluated the predictive performance of MPMS-SGH on input and output sequences of different lengths.The results indicated that with a constant output sequence length,the prediction accuracy of MPMS-SGH was firstly increased and then decreased with the increase of input sequence length.Specifically,when the input sequence length was 100,MPMS-SGH had the highest prediction accuracy,with RMSE of 0.22℃,0.28%,and 250lx for temperature,humidity,and light intensity,respectively.When the length of the input sequence remained constant,as the length of the output sequence increased,the accuracy of the model in predicting the three environmental parameters was continuously decreased.When the length of the output sequence exceeded 45,the prediction accuracy of MPMS-SGH was significantly decreased.In order to achieve the best balance between model size and performance,the input sequence length of MPMS-SGH was set to be 100,while the output sequence length was set to be 35.To assess MPMS-SGH’s performance,comparative experiments with four prediction models were conducted:SVR,STL-SVR,LSTM,and STL-LSTM.The results demonstrated that MPMS-SGH surpassed all other models,achieving RMSE of 0.15℃for temperature,0.38%for humidity,and 260lx for light intensity.Additionally,sequence decomposition can contribute to enhancing MPMS-SGH’s prediction performance.To further evaluate MPMS-SGH’s capabilities,its prediction accuracy was tested across different seasons for greenhouse environmental parameters.MPMS-SGH had the highest accuracy in predicting indoor temperature and the lowest accuracy in predicting humidity.And the accuracy of MPMS-SGH in predicting environmental parameters of the solar greenhouse fluctuated with seasons.MPMS-SGH had the highest accuracy in predicting the temperature inside the greenhouse on sunny days in spring(R^(2)=0.91),the highest accuracy in predicting the humidity inside the greenhouse on sunny days in winter(R^(2)=0.83),and the highest accuracy in predicting the light intensity inside the greenhouse on cloudy days in autumm(R^(2)=0.89).MPMS-SGH had the lowest accuracy in predicting three environmental parameters in a sunny summer greenhouse.
文摘The modern industrial control objects become more and more complicated,and higher control quality is required, so a series of new control strategies appear,applied,modified and develop quickly.This paper researches a new control strategy- prediction control-and its application in Multi-Variable Control Process.The research result is worthy for automatic control in pro- cess industry.
基金supported by the Nation Natural Science Foundation of China(NSFC)under Grant No.61462042 and No.61966018.
文摘Traffic flow prediction is an important part of the intelligent transportation system. Accurate multi-step traffic flow prediction plays an important role in improving the operational efficiency of the traffic network. Since traffic flow data has complex spatio-temporal correlation and non-linearity, existing prediction methods are mainly accomplished through a combination of a Graph Convolutional Network (GCN) and a recurrent neural network. The combination strategy has an excellent performance in traffic prediction tasks. However, multi-step prediction error accumulates with the predicted step size. Some scholars use multiple sampling sequences to achieve more accurate prediction results. But it requires high hardware conditions and multiplied training time. Considering the spatiotemporal correlation of traffic flow and influence of external factors, we propose an Attention Based Spatio-Temporal Graph Convolutional Network considering External Factors (ABSTGCN-EF) for multi-step traffic flow prediction. This model models the traffic flow as diffusion on a digraph and extracts the spatial characteristics of traffic flow through GCN. We add meaningful time-slots attention to the encoder-decoder to form an Attention Encoder Network (AEN) to handle temporal correlation. The attention vector is used as a competitive choice to draw the correlation between predicted states and historical states. We considered the impact of three external factors (daytime, weekdays, and traffic accident markers) on the traffic flow prediction tasks. Experiments on two public data sets show that it makes sense to consider external factors. The prediction performance of our ABSTGCN-EF model achieves 7.2%–8.7% higher than the state-of-the-art baselines.
文摘Considering chaotic time series multi-step prediction, multi-step direct prediction model based on partial least squares (PLS) is proposed in this article, where PLS, the method for predicting a set of dependent variables forming a large set of predictors, is used to model the dynamic evolution between the space points and the corresponding future points. The model can eliminate error accumulation with the common single-step local model algorithm~ and refrain from the high multi-collinearity problem in the reconstructed state space with the increase of embedding dimension. Simulation predictions are done on the Mackey-Glass chaotic time series with the model. The satisfying prediction accuracy is obtained and the model efficiency verified. In the experiments, the number of extracted components in PLS is set with cross-validation procedure.
基金supported in part by ZTE Corporation under Grant No.2021420118000065.
文摘A content-aware multi-step prediction control(CAMPC)algorithm is proposed to determine the bitrate of 360-degree videos,aim⁃ing to enhance the quality of experience(QoE)of users and reduce the cost of video content providers(VCP).The CAMPC algorithm first em⁃ploys a neural network to generate the content richness and combines it with the current field of view(FOV)to accurately predict the probability distribution of tiles being viewed.Then,for the tiles in the predicted viewport which directly affect QoE,the CAMPC algorithm utilizes a multi-step prediction for future system states,and accordingly selects the bitrates of multiple subsequent steps,instead of an instantaneous state.Meanwhile,it controls the buffer occupancy to eliminate the impact of prediction errors.We implement CAMPC on players by building a 360-degree video streaming platform and evaluating other advanced adaptive bitrate(ABR)rules through the real network.Experimental results show that CAMPC can save 83.5%of bandwidth resources compared with the scheme that completely transmits the tiles outside the viewport with the Dynamic Adaptive Streaming over HTTP(DASH)protocol.Besides,the proposed method can improve the system utility by 62.7%and 27.6%compared with the DASH official and viewport-based rules,respectively.
基金supported by the National Natural Science Foundation of China(62172089,61972087,62172090).
文摘Virtual machine(VM)consolidation is an effective way to improve resource utilization and reduce energy consumption in cloud data centers.Most existing studies have considered VM consolidation as a bin-packing problem,but the current schemes commonly ignore the long-term relationship between VMs and hosts.In addition,there is a lack of long-term consideration for resource optimization in the VM consolidation,which results in unnecessary VM migration and increased energy consumption.To address these limitations,a VM consolidation method based on multi-step prediction and affinity-aware technique for energy-efficient cloud data centers(MPaAF-VMC)is proposed.The proposed method uses an improved linear regression prediction algorithm to predict the next-moment resource utilization of hosts and VMs,and obtains the stage demand of resources in the future period through multi-step prediction,which is realized by iterative prediction.Then,based on the multi-step prediction,an affinity model between the VM and host is designed using the first-order correlation coefficient and Euclidean distance.During the VM consolidation,the affinity value is used to select the migration VM and placement host.The proposed method is compared with the existing consolidation algorithms on the PlanetLab and Google cluster real workload data using the CloudSim simulation platform.Experimental results show that the proposed method can achieve significant improvement in reducing energy consumption,VM migration costs,and service level agreement(SLA)violations.
基金This work was supported by the National Natural Science Foundation of China (No. 60174021, No. 60374037)the Science and Technology Greativeness Foundation of Nankai University
文摘A compound neural network was constructed during the process of identification and multi-step prediction. Under the PID-type long-range predictive cost function, the control signal was calculated based on gradient algorithm. The nonlinear controller’s structure was similar to the conventional PID controller. The parameters of this controller were tuned by using a local recurrent neural network on-line. The controller has a better effect than the conventional PID controller. Simulation study shows the effectiveness and good performance.
基金supported by Incheon NationalUniversity Research Grant in 2017.
文摘Video prediction is the problem of generating future frames by exploiting the spatiotemporal correlation from the past frame sequence.It is one of the crucial issues in computer vision and has many real-world applications,mainly focused on predicting future scenarios to avoid undesirable outcomes.However,modeling future image content and object is challenging due to the dynamic evolution and complexity of the scene,such as occlusions,camera movements,delay and illumination.Direct frame synthesis or optical-flow estimation are common approaches used by researchers.However,researchers mainly focused on video prediction using one of the approaches.Both methods have limitations,such as direct frame synthesis,usually face blurry prediction due to complex pixel distributions in the scene,and optical-flow estimation,usually produce artifacts due to large object displacements or obstructions in the clip.In this paper,we constructed a deep neural network Frame Prediction Network(FPNet-OF)with multiplebranch inputs(optical flow and original frame)to predict the future video frame by adaptively fusing the future object-motion with the future frame generator.The key idea is to jointly optimize direct RGB frame synthesis and dense optical flow estimation to generate a superior video prediction network.Using various real-world datasets,we experimentally verify that our proposed framework can produce high-level video frame compared to other state-ofthe-art framework.
文摘This paper investigates State Space Model Predictive Control (SSMPC) of an aerothermic process. It is a pilot scale heating and ventilation system equipped with a heater grid and a centrifugal blower, fully connected through a data acquisition system for real time control. The interaction between the process variables is shown to be challenging for single variable controllers, therefore multi-variable control is worth considering. A multi-variable state space model is obtained from on-line experimental data. The controller design is translated into a Quadratic Programming (QP) problem, in which a cost function subject to actuators linear inequality constraints is minimized. The outcome of the experimental results is that the main control objectives, such as set-point tracking and perturbations rejection under actuators constraints, are well achieved for both controlled variables simultaneously.
基金Innosuisse-Schweizerische Agentur für Innovationsförderung,Grant/Award Number:1155002544。
文摘Management and efficient operations in critical infrastructures such as smart grids take huge advantage of accurate power load forecasting,which,due to its non-linear nature,remains a challenging task.Recently,deep learning has emerged in the machine learning field achieving impressive performance in a vast range of tasks,from image classification to machine translation.Applications of deep learning models to the electric load forecasting problem are gaining interest among researchers as well as the industry,but a comprehensive and sound comparison among different-also traditional-architectures is not yet available in the literature.This work aims at filling the gap by reviewing and experimentally evaluating four real world datasets on the most recent trends in electric load forecasting,by contrasting deep learning architectures on short-term forecast(oneday-ahead prediction).Specifically,the focus is on feedforward and recurrent neural networks,sequence-to-sequence models and temporal convolutional neural networks along with architectural variants,which are known in the signal processing community but are novel to the load forecasting one.
基金Supported by the National Natural Science Foundation of China(61673205,61503181,21727818)National Key R&D Program of China(2017YFB0307304)+1 种基金the Natural Science Foundation of Jiangsu Province(BK20141461,BK20140953)the State Key Laboratory of Materials-Oriented Chemical Engineering Open Subject(kl16-07)
文摘This paper focuses on the dynamic control of distillation column with side reactors(SRC) for methyl acetate production. To obtain the optimum integrated structure and steady state simulation, the systematic design approach based on the concept of independent reaction amount is applied to the process of SRC for methyl acetate production. In addition to the basic control loops, multi-variable model predictive control modular with methyl acetate concentration and temperature of sensitive plate is designed. Then, based on process simulation software Aspen Plus, dynamic simulation of SRC for methyl acetate production is used to verify the effectiveness of the control scheme.
基金the National Natural Science Foundation of China (Grant No. 52301322)the Jiangsu Provincial Natural Science Foundation (Grant No. BK20220653)+1 种基金the National Science Fund for Distinguished Young Scholars (Grant No. 52025112)the Key Projects of the National Natural Science Foundation of China (Grant No. 52331011)
文摘Accurately predicting motion responses is a crucial component of the design process for floating offshore structures.This study introduces a hybrid model that integrates a convolutional neural network(CNN),a bidirectional long short-term memory(BiLSTM)neural network,and an attention mechanism for forecasting the short-term motion responses of a semisubmersible.First,the motions are processed through the CNN for feature extraction.The extracted features are subsequently utilized by the BiLSTM network to forecast future motions.To enhance the predictive capability of the neural networks,an attention mechanism is integrated.In addition to the hybrid model,the BiLSTM is independently employed to forecast the motion responses of the semi-submersible,serving as benchmark results for comparison.Furthermore,both the 1D and 2D convolutions are conducted to check the influence of the convolutional dimensionality on the predicted results.The results demonstrate that the hybrid 1D CNN-BiLSTM network with an attention mechanism outperforms all other models in accurately predicting motion responses.
基金the National Key Research and Development Project(2018YFB2100801)in part by the National Natural Science Foundation of China(61972080)+1 种基金in part by the Shanghai Rising-Star Program(19QA1400300)in part by the Open Research Project from the Key Laboratory of the Ministry of Education for Embedded System and Service Computing(ESSCKF2021-01).
文摘Nowadays,large numbers of smart sensors(e.g.,road-side cameras)which com-municate with nearby base stations could launch distributed denial of services(DDoS)attack storms in intelligent transportation systems.DDoS attacks disable the services provided by base stations.Thus in this paper,considering the uneven communication traffic ows and privacy preserving,we give a hidden Markov model-based prediction model by utilizing the multi-step characteristic of DDoS with a federated learning framework to predict whether DDoS attacks will happen on base stations in the future.However,in the federated learning,we need to consider the problem of poisoning attacks due to malicious participants.The poisoning attacks will lead to the intelligent transportation systems paralysis without security protection.Traditional poisoning attacks mainly apply to the classi cation model with labeled data.In this paper,we propose a reinforcement learning-based poisoningmethod speci cally for poisoning the prediction model with unlabeled data.Besides,previous related defense strategies rely on validation datasets with labeled data in the server.However,it is unrealistic since the local training datasets are not uploaded to the server due to privacy preserving,and our datasets are also unlabeled.Furthermore,we give a validation dataset-free defense strategy based on Dempster-Shafer(D-S)evidence theory avoiding anomaly aggregation to obtain a robust global model for precise DDoS prediction.In our experiments,we simulate 3000 points in combination with DARPA2000 dataset to carry out evaluations.The results indicate that our poisoning method can successfully poison the global prediction model with unlabeled data in a short time.Meanwhile,we compare our proposed defense algorithm with three popularly used defense algorithms.The results show that our defense method has a high accuracy rate of excluding poisoners and can obtain a high attack prediction probability.
基金This work is supported by National Natural Science Foundation of China(70271071) and the Science and Technology Development Foundation of Tianjin Education Committee (20052171).
文摘In this paper, a method of direct multi-step prediction of chaotic time series is proposed, which is based on Kolmogorov entropy and radial basis functions neural networks. This is done first by reconstructing a phase space using chaotic time series, then using K-entropy as a quantitative parameter to obtain the maximum predictability time of chaotic time series, finally the predicted chaotic time series data can be acquired by using RBFNN. The application considered is Lorenz system. Simulation results for direct multi-step prediction method are compared with recurrence multi-step prediction method. The results indicate that the direct multi-step prediction is more accurate and rapid than the recurrence multi-step prediction within the maximum predictability time of chaotic time series. So, it is convenient to forecast and control with real time using the method of direct multi-step prediction.
基金Supported bythe National Natural Science Foundation of China(71701105)the Major Program of the National Social Science Fund of China(17ZDA092)+1 种基金the Key Research Project of Philosophy and Social Sciences in Universities of Jiangsu Province(2018SJZDI111)Key Projects of Open Topics of Jiangsu Productivity Society in2020(JSSCL2020A004)。
文摘The MGM(1,m,N)model is an effective grey multi-variate forecasting model that considers multiple system characteristic sequences affected by multiplefactors.Nevertheless,it isregularly inaccurate in the application This is because the model requires a strong correlation between the system characteristic sequences That reduces the applicability of the model.To solve this problem,this paper proposes a novel multi-variate grey model.This model does not require a certain correlation between system characteristic sequences and has higher applicability Through numerical integration,a two-point trapezoidal formula,and a recursive method,thetime-response expressions ofthetwo model forms are obtained Some properties of the proposed model are further discussed Finally,the validity of the proposed model is evaluated by using two real cases related to China's invention patent development.Theresultsshow that the novel models outperformother models inbothsimulation and prediction applications.