First,we propose a cross-domain authentication architecture based on trust evaluation mechanism,including registration,certificate issuance,and cross-domain authentication processes.A direct trust evaluation mechanism...First,we propose a cross-domain authentication architecture based on trust evaluation mechanism,including registration,certificate issuance,and cross-domain authentication processes.A direct trust evaluation mechanism based on the time decay factor is proposed,taking into account the influence of historical interaction records.We weight the time attenuation factor to each historical interaction record for updating and got the new historical record data.We refer to the beta distribution to enhance the flexibility and adaptability of the direct trust assessment model to better capture time trends in the historical record.Then we propose an autoencoder-based trust clustering algorithm.We perform feature extraction based on autoencoders.Kullback leibler(KL)divergence is used to calculate the reconstruction error.When constructing a convolutional autoencoder,we introduce convolutional neural networks to improve training efficiency and introduce sparse constraints into the hidden layer of the autoencoder.The sparse penalty term in the loss function measures the difference through the KL divergence.Trust clustering is performed based on the density based spatial clustering of applications with noise(DBSCAN)clustering algorithm.During the clustering process,edge nodes have a variety of trustworthy attribute characteristics.We assign different attribute weights according to the relative importance of each attribute in the clustering process,and a larger weight means that the attribute occupies a greater weight in the calculation of distance.Finally,we introduced adaptive weights to calculate comprehensive trust evaluation.Simulation experiments prove that our trust evaluation mechanism has excellent reliability and accuracy.展开更多
With the rapid development of the Internet,network security and data privacy are increasingly valued.Although classical Network Intrusion Detection System(NIDS)based on Deep Learning(DL)models can provide good detecti...With the rapid development of the Internet,network security and data privacy are increasingly valued.Although classical Network Intrusion Detection System(NIDS)based on Deep Learning(DL)models can provide good detection accuracy,but collecting samples for centralized training brings the huge risk of data privacy leakage.Furthermore,the training of supervised deep learning models requires a large number of labeled samples,which is usually cumbersome.The“black-box”problem also makes the DL models of NIDS untrustworthy.In this paper,we propose a trusted Federated Learning(FL)Traffic IDS method called FL-TIDS to address the above-mentioned problems.In FL-TIDS,we design an unsupervised intrusion detection model based on autoencoders that alleviates the reliance on marked samples.At the same time,we use FL for model training to protect data privacy.In addition,we design an improved SHAP interpretable method based on chi-square test to perform interpretable analysis of the trained model.We conducted several experiments to evaluate the proposed FL-TIDS.We first determine experimentally the structure and the number of neurons of the unsupervised AE model.Secondly,we evaluated the proposed method using the UNSW-NB15 and CICIDS2017 datasets.The exper-imental results show that the unsupervised AE model has better performance than the other 7 intrusion detection models in terms of precision,recall and f1-score.Then,federated learning is used to train the intrusion detection model.The experimental results indicate that the model is more accurate than the local learning model.Finally,we use an improved SHAP explainability method based on Chi-square test to analyze the explainability.The analysis results show that the identification characteristics of the model are consistent with the attack characteristics,and the model is reliable.展开更多
This paper addresses the challenge of identifying abnormal states in Lithium-ion Battery(LiB)time series data.As the energy sector increasingly focuses on integrating distributed energy resources,Virtual Power Plants(...This paper addresses the challenge of identifying abnormal states in Lithium-ion Battery(LiB)time series data.As the energy sector increasingly focuses on integrating distributed energy resources,Virtual Power Plants(VPP)have become a vital new framework for energy management.LiBs are key in this context,owing to their high-efficiency energy storage capabilities essential for VPP operations.However,LiBs are prone to various abnormal states like overcharging,over-discharging,and internal short circuits,which impede power transmission efficiency.Traditional methods for detecting such abnormalities in LiB are too broad and lack precision for the dynamic and irregular nature of LiB data.In response,we introduce an innovative method:a Long Short-Term Memory(LSTM)autoencoder based on Dynamic Frequency Memory and Correlation Attention(DFMCA-LSTM-AE).This unsupervised,end-to-end approach is specifically designed for dynamically monitoring abnormal states in LiB data.The method starts with a Dynamic Frequency Fourier Transform module,which dynamically captures the frequency characteristics of time series data across three scales,incorporating a memory mechanism to reduce overgeneralization of abnormal frequencies.This is followed by integrating LSTM into both the encoder and decoder,enabling the model to effectively encode and decode the temporal relationships in the time series.Empirical tests on a real-world LiB dataset demonstrate that DFMCA-LSTM-AE outperforms existing models,achieving an average Area Under the Curve(AUC)of 90.73%and an F1 score of 83.83%.These results mark significant improvements over existing models,ranging from 2.4%–45.3%for AUC and 1.6%–28.9%for F1 score,showcasing the model’s enhanced accuracy and reliability in detecting abnormal states in LiB data.展开更多
Wayside monitoring is a promising cost-effective alternative to predict damage in the rolling stock. The main goal of this work is to present an unsupervised methodology to identify out-of-roundness(OOR) damage wheels...Wayside monitoring is a promising cost-effective alternative to predict damage in the rolling stock. The main goal of this work is to present an unsupervised methodology to identify out-of-roundness(OOR) damage wheels, such as wheel flats and polygonal wheels. This automatic damage identification algorithm is based on the vertical acceleration evaluated on the rails using a virtual wayside monitoring system and involves the application of a two-step procedure. The first step aims to define a confidence boundary by using(healthy) measurements evaluated on the rail constituting a baseline. The second step of the procedure involves classifying damage of predefined scenarios with different levels of severities. The proposed procedure is based on a machine learning methodology and includes the following stages:(1) data collection,(2) damage-sensitive feature extraction from the acquired responses using a neural network model, i.e., the sparse autoencoder(SAE),(3) data fusion based on the Mahalanobis distance, and(4) unsupervised feature classification by implementing outlier and cluster analysis. This procedure considers baseline responses at different speeds and rail irregularities to train the SAE model. Then, the trained SAE is capable to reconstruct test responses(not trained) allowing to compute the accumulative difference between original and reconstructed signals. The results prove the efficiency of the proposed approach in identifying the two most common types of OOR in railway wheels.展开更多
Significant advancements have beenwitnessed in visual tracking applications leveragingViT in recent years,mainly due to the formidablemodeling capabilities of Vision Transformer(ViT).However,the strong performance of ...Significant advancements have beenwitnessed in visual tracking applications leveragingViT in recent years,mainly due to the formidablemodeling capabilities of Vision Transformer(ViT).However,the strong performance of such trackers heavily relies on ViT models pretrained for long periods,limitingmore flexible model designs for tracking tasks.To address this issue,we propose an efficient unsupervised ViT pretraining method for the tracking task based on masked autoencoders,called TrackMAE.During pretraining,we employ two shared-parameter ViTs,serving as the appearance encoder and motion encoder,respectively.The appearance encoder encodes randomly masked image data,while the motion encoder encodes randomly masked pairs of video frames.Subsequently,an appearance decoder and a motion decoder separately reconstruct the original image data and video frame data at the pixel level.In this way,ViT learns to understand both the appearance of images and the motion between video frames simultaneously.Experimental results demonstrate that ViT-Base and ViT-Large models,pretrained with TrackMAE and combined with a simple tracking head,achieve state-of-the-art(SOTA)performance without additional design.Moreover,compared to the currently popular MAE pretraining methods,TrackMAE consumes only 1/5 of the training time,which will facilitate the customization of diverse models for tracking.For instance,we additionally customize a lightweight ViT-XS,which achieves SOTA efficient tracking performance.展开更多
Network security problems bring many imperceptible threats to the integrity of data and the reliability of device services,so proposing a network intrusion detection model with high reliability is of great research si...Network security problems bring many imperceptible threats to the integrity of data and the reliability of device services,so proposing a network intrusion detection model with high reliability is of great research significance for network security.Due to the strong generalization of invalid features during training process,it is more difficult for single autoencoder intrusion detection model to obtain effective results.A network intrusion detection model based on the Ensemble of Denoising Adversarial Autoencoder(EDAAE)was proposed,which had higher accuracy and reliability compared to the traditional anomaly detection model.Using the adversarial learning idea of Adversarial Autoencoder(AAE),the discriminator module was added to the original model,and the encoder part was used as the generator.The distribution of the hidden space of the data generated by the encoder matched with the distribution of the original data.The generalization of the model to the invalid features was also reduced to improve the detection accuracy.At the same time,the denoising autoencoder and integrated operation was introduced to prevent overfitting in the adversarial learning process.Experiments on the CICIDS2018 traffic dataset showed that the proposed intrusion detection model achieves an Accuracy of 95.23%,which out performs traditional self-encoders and other existing intrusion detection models methods in terms of overall performance.展开更多
In the context of rapid digitization in industrial environments,how effective are advanced unsupervised learning models,particularly hybrid autoencoder models,at detecting anomalies in industrial control system(ICS)da...In the context of rapid digitization in industrial environments,how effective are advanced unsupervised learning models,particularly hybrid autoencoder models,at detecting anomalies in industrial control system(ICS)datasets?This study is crucial because it addresses the challenge of identifying rare and complex anomalous patterns in the vast amounts of time series data generated by Internet of Things(IoT)devices,which can significantly improve the reliability and safety of these systems.In this paper,we propose a hybrid autoencoder model,called ConvBiLSTMAE,which combines convolutional neural network(CNN)and bidirectional long short-term memory(BiLSTM)to more effectively train complex temporal data patterns in anomaly detection.On the hardware-in-the-loopbased extended industrial control system dataset,the ConvBiLSTM-AE model demonstrated remarkable anomaly detection performance,achieving F1 scores of 0.78 and 0.41 for the first and second datasets,respectively.The results suggest that hybrid autoencoder models are not only viable,but potentially superior alternatives for unsupervised anomaly detection in complex industrial systems,offering a promising approach to improving their reliability and safety.展开更多
Fault diagnosis of traction systems is important for the safety operation of high-speed trains.Long-term operation of the trains will degrade the performance of systems,which decreases the fault detection accuracy.To ...Fault diagnosis of traction systems is important for the safety operation of high-speed trains.Long-term operation of the trains will degrade the performance of systems,which decreases the fault detection accuracy.To solve this problem,this paper proposes a fault detection method developed by a Generalized Autoencoder(GAE)for systems with performance degradation.The advantage of this method is that it can accurately detect faults when the traction system of high-speed trains is affected by performance degradation.Regardless of the probability distribution,it can handle any data,and the GAE has extremely high sensitivity in anomaly detection.Finally,the effectiveness of this method is verified through the Traction Drive Control System(TDCS)platform.At different performance degradation levels,our method’s experimental results are superior to traditional methods.展开更多
数据驱动的异常检测技术被广泛应用于复杂机械设备状态监测中,工况(operating conditions,简称OCs)变化会导致监测数据的分布漂移,使传统数据驱动的异常检测方法的准确性受到极大干扰。为了解决时变工况下工况和健康状态之间的耦合问题...数据驱动的异常检测技术被广泛应用于复杂机械设备状态监测中,工况(operating conditions,简称OCs)变化会导致监测数据的分布漂移,使传统数据驱动的异常检测方法的准确性受到极大干扰。为了解决时变工况下工况和健康状态之间的耦合问题,提出了一个新的特征解耦学习框架。首先,基于变分自动编码器(variation auto encoder,简称VAE)构建一个特征解耦条件变分自动编码器(conditional variation auto encoder,简称CVAE)网络,实现工况和健康状态的解耦;其次,对解耦后的健康状态相关特征进行降维处理,构建异常指标(anomaly indicator,简称ANI);然后,将ANI与统计异常阈值相结合,实现时变工况下轴承的异常检测;最后,通过基于时变转速退化的轴承加速疲劳退化实验,验证了该方法的有效性以及所构建的健康指标在消除时变工况干扰方面的优越性。展开更多
The Internet of things(IoT)is an emerging paradigm that integrates devices and services to collect real-time data from surroundings and process the information at a very high speed to make a decision.Despite several a...The Internet of things(IoT)is an emerging paradigm that integrates devices and services to collect real-time data from surroundings and process the information at a very high speed to make a decision.Despite several advantages,the resource-constrained and heterogeneous nature of IoT networks makes them a favorite target for cybercriminals.A single successful attempt of network intrusion can compromise the complete IoT network which can lead to unauthorized access to the valuable information of consumers and industries.To overcome the security challenges of IoT networks,this article proposes a lightweight deep autoencoder(DAE)based cyberattack detection framework.The proposed approach learns the normal and anomalous data patterns to identify the various types of network intrusions.The most significant feature of the proposed technique is its lower complexity which is attained by reducing the number of operations.To optimally train the proposed DAE,a range of hyperparameters was determined through extensive experiments that ensure higher attack detection accuracy.The efficacy of the suggested framework is evaluated via two standard and open-source datasets.The proposed DAE achieved the accuracies of 98.86%,and 98.26%for NSL-KDD,99.32%,and 98.79%for the UNSW-NB15 dataset in binary class and multi-class scenarios.The performance of the suggested attack detection framework is also compared with several state-of-the-art intrusion detection schemes.Experimental outcomes proved the promising performance of the proposed scheme for cyberattack detection in IoT networks.展开更多
Wind and solar energy are two popular forms of renewable energy used in microgrids and facilitating the transition towards net-zero carbon emissions by 2050.However,they are exceedingly unpredictable since they rely h...Wind and solar energy are two popular forms of renewable energy used in microgrids and facilitating the transition towards net-zero carbon emissions by 2050.However,they are exceedingly unpredictable since they rely highly on weather and atmospheric conditions.In microgrids,smart energy management systems,such as integrated demand response programs,are permanently established on a step-ahead basis,which means that accu-rate forecasting of wind speed and solar irradiance intervals is becoming increasingly crucial to the optimal operation and planning of microgrids.With this in mind,a novel“bidirectional long short-term memory network”(Bi-LSTM)-based,deep stacked,sequence-to-sequence autoencoder(S2SAE)forecasting model for predicting short-term solar irradiation and wind speed was developed and evaluated in MATLAB.To create a deep stacked S2SAE prediction model,a deep Bi-LSTM-based encoder and decoder are stacked on top of one another to reduce the dimension of the input sequence,extract its features,and then reconstruct it to produce the forecasts.Hyperparameters of the proposed deep stacked S2SAE forecasting model were optimized using the Bayesian optimization algorithm.Moreover,the forecasting performance of the proposed Bi-LSTM-based deep stacked S2SAE model was compared to three other deep,and shallow stacked S2SAEs,i.e.,the LSTM-based deep stacked S2SAE model,gated recurrent unit-based deep stacked S2SAE model,and Bi-LSTM-based shallow stacked S2SAE model.All these models were also optimized and modeled in MATLAB.The results simulated based on actual data confirmed that the proposed model outperformed the alternatives by achieving an accuracy of up to 99.7%,which evidenced the high reliability of the proposed forecasting.展开更多
Objective and accurate evaluation of rock mass quality classification is the prerequisite for reliable sta-bility assessment.To develop a tool that can deliver quick and accurate evaluation of rock mass quality,a deep...Objective and accurate evaluation of rock mass quality classification is the prerequisite for reliable sta-bility assessment.To develop a tool that can deliver quick and accurate evaluation of rock mass quality,a deep learning approach is developed,which uses stacked autoencoders(SAEs)with several autoencoders and a softmax net layer.Ten rock parameters of rock mass rating(RMR)system are calibrated in this model.The model is trained using 75%of the total database for training sample data.The SAEs trained model achieves a nearly 100%prediction accuracy.For comparison,other different models are also trained with the same dataset,using artificial neural network(ANN)and radial basis function(RBF).The results show that the SAEs classify all test samples correctly while the rating accuracies of ANN and RBF are 97.5%and 98.7%,repectively,which are calculated from the confusion matrix.Moreover,this model is further employed to predict the slope risk level of an abandoned quarry.The proposed approach using SAEs,or deep learning in general,is more objective and more accurate and requires less human inter-vention.The findings presented here shall shed light for engineers/researchers interested in analyzing rock mass classification criteria or performing field investigation.展开更多
Recently,the autoencoder(AE)based method plays a critical role in the hyperspectral anomaly detection domain.However,due to the strong generalised capacity of AE,the abnormal samples are usually reconstructed well alo...Recently,the autoencoder(AE)based method plays a critical role in the hyperspectral anomaly detection domain.However,due to the strong generalised capacity of AE,the abnormal samples are usually reconstructed well along with the normal background samples.Thus,in order to separate anomalies from the background by calculating reconstruction errors,it can be greatly beneficial to reduce the AE capability for abnormal sample reconstruction while maintaining the background reconstruction performance.A memory‐augmented autoencoder for hyperspectral anomaly detection(MAENet)is proposed to address this challenging problem.Specifically,the proposed MAENet mainly consists of an encoder,a memory module,and a decoder.First,the encoder transforms the original hyperspectral data into the low‐dimensional latent representation.Then,the latent representation is utilised to retrieve the most relevant matrix items in the memory matrix,and the retrieved matrix items will be used to replace the latent representation from the encoder.Finally,the decoder is used to reconstruct the input hyperspectral data using the retrieved memory items.With this strategy,the background can still be reconstructed well while the abnormal samples cannot.Experiments conducted on five real hyperspectral anomaly data sets demonstrate the superiority of the proposed method.展开更多
The attacks on in-vehicle Controller Area Network(CAN)bus messages severely disrupt normal communication between vehicles.Therefore,researches on intrusion detection models for CAN have positive business value for veh...The attacks on in-vehicle Controller Area Network(CAN)bus messages severely disrupt normal communication between vehicles.Therefore,researches on intrusion detection models for CAN have positive business value for vehicle security,and the intrusion detection technology for CAN bus messages can effectively protect the invehicle network from unlawful attacks.Previous machine learning-based models are unable to effectively identify intrusive abnormal messages due to their inherent shortcomings.Hence,to address the shortcomings of the previous machine learning-based intrusion detection technique,we propose a novel method using Attention Mechanism and AutoEncoder for Intrusion Detection(AMAEID).The AMAEID model first converts the raw hexadecimal message data into binary format to obtain better input.Then the AMAEID model encodes and decodes the binary message data using a multi-layer denoising autoencoder model to obtain a hidden feature representation that can represent the potential features behind the message data at a deeper level.Finally,the AMAEID model uses the attention mechanism and the fully connected layer network to infer whether the message is an abnormal message or not.The experimental results with three evaluation metrics on a real in-vehicle CAN bus message dataset outperform some traditional machine learning algorithms,demonstrating the effectiveness of the AMAEID model.展开更多
Anomaly detection(AD)is an important task in a broad range of domains.A popular choice for AD are Deep Support Vector Data Description models.When learning such models,normal data is mapped close to and anomalous data...Anomaly detection(AD)is an important task in a broad range of domains.A popular choice for AD are Deep Support Vector Data Description models.When learning such models,normal data is mapped close to and anomalous data is mapped far from a center,in some latent space,enabling the construction of a sphere to separate both types of data.Empirically,it was observed:(i)that the center and radius of such sphere largely depend on the training data and model initialization which leads to difficulties when selecting a threshold,and(ii)that the center and radius of this sphere strongly impact the model AD performance on unseen data.In this work,a more robust AD solution is proposed that(i)defines a sphere with a fixed radius and margin in some latent space and(ii)enforces the encoder,which maps the input to a latent space,to encode the normal data in a small sphere and the anomalous data outside a larger sphere,with the same center.Experimental results indicate that the proposed algorithm attains higher performance compared to alternatives,and that the difference in size of the two spheres has a minor impact on the performance.展开更多
基金This work is supported by the 2022 National Key Research and Development Plan“Security Protection Technology for Critical Information Infrastructure of Distribution Network”(2022YFB3105100).
文摘First,we propose a cross-domain authentication architecture based on trust evaluation mechanism,including registration,certificate issuance,and cross-domain authentication processes.A direct trust evaluation mechanism based on the time decay factor is proposed,taking into account the influence of historical interaction records.We weight the time attenuation factor to each historical interaction record for updating and got the new historical record data.We refer to the beta distribution to enhance the flexibility and adaptability of the direct trust assessment model to better capture time trends in the historical record.Then we propose an autoencoder-based trust clustering algorithm.We perform feature extraction based on autoencoders.Kullback leibler(KL)divergence is used to calculate the reconstruction error.When constructing a convolutional autoencoder,we introduce convolutional neural networks to improve training efficiency and introduce sparse constraints into the hidden layer of the autoencoder.The sparse penalty term in the loss function measures the difference through the KL divergence.Trust clustering is performed based on the density based spatial clustering of applications with noise(DBSCAN)clustering algorithm.During the clustering process,edge nodes have a variety of trustworthy attribute characteristics.We assign different attribute weights according to the relative importance of each attribute in the clustering process,and a larger weight means that the attribute occupies a greater weight in the calculation of distance.Finally,we introduced adaptive weights to calculate comprehensive trust evaluation.Simulation experiments prove that our trust evaluation mechanism has excellent reliability and accuracy.
基金supported by National Natural Science Fundation of China under Grant 61972208National Natural Science Fundation(General Program)of China under Grant 61972211+2 种基金National Key Research and Development Project of China under Grant 2020YFB1804700Future Network Innovation Research and Application Projects under Grant No.2021FNA020062021 Jiangsu Postgraduate Research Innovation Plan under Grant No.KYCX210794.
文摘With the rapid development of the Internet,network security and data privacy are increasingly valued.Although classical Network Intrusion Detection System(NIDS)based on Deep Learning(DL)models can provide good detection accuracy,but collecting samples for centralized training brings the huge risk of data privacy leakage.Furthermore,the training of supervised deep learning models requires a large number of labeled samples,which is usually cumbersome.The“black-box”problem also makes the DL models of NIDS untrustworthy.In this paper,we propose a trusted Federated Learning(FL)Traffic IDS method called FL-TIDS to address the above-mentioned problems.In FL-TIDS,we design an unsupervised intrusion detection model based on autoencoders that alleviates the reliance on marked samples.At the same time,we use FL for model training to protect data privacy.In addition,we design an improved SHAP interpretable method based on chi-square test to perform interpretable analysis of the trained model.We conducted several experiments to evaluate the proposed FL-TIDS.We first determine experimentally the structure and the number of neurons of the unsupervised AE model.Secondly,we evaluated the proposed method using the UNSW-NB15 and CICIDS2017 datasets.The exper-imental results show that the unsupervised AE model has better performance than the other 7 intrusion detection models in terms of precision,recall and f1-score.Then,federated learning is used to train the intrusion detection model.The experimental results indicate that the model is more accurate than the local learning model.Finally,we use an improved SHAP explainability method based on Chi-square test to analyze the explainability.The analysis results show that the identification characteristics of the model are consistent with the attack characteristics,and the model is reliable.
基金supported by“Regional Innovation Strategy(RIS)”through the National Research Foundation of Korea(NRF)funded by the Ministry of Education(MOE)(2021RIS-002)the Technology Development Program(RS-2023-00278623)funded by the Ministry of SMEs and Startups(MSS,Korea).
文摘This paper addresses the challenge of identifying abnormal states in Lithium-ion Battery(LiB)time series data.As the energy sector increasingly focuses on integrating distributed energy resources,Virtual Power Plants(VPP)have become a vital new framework for energy management.LiBs are key in this context,owing to their high-efficiency energy storage capabilities essential for VPP operations.However,LiBs are prone to various abnormal states like overcharging,over-discharging,and internal short circuits,which impede power transmission efficiency.Traditional methods for detecting such abnormalities in LiB are too broad and lack precision for the dynamic and irregular nature of LiB data.In response,we introduce an innovative method:a Long Short-Term Memory(LSTM)autoencoder based on Dynamic Frequency Memory and Correlation Attention(DFMCA-LSTM-AE).This unsupervised,end-to-end approach is specifically designed for dynamically monitoring abnormal states in LiB data.The method starts with a Dynamic Frequency Fourier Transform module,which dynamically captures the frequency characteristics of time series data across three scales,incorporating a memory mechanism to reduce overgeneralization of abnormal frequencies.This is followed by integrating LSTM into both the encoder and decoder,enabling the model to effectively encode and decode the temporal relationships in the time series.Empirical tests on a real-world LiB dataset demonstrate that DFMCA-LSTM-AE outperforms existing models,achieving an average Area Under the Curve(AUC)of 90.73%and an F1 score of 83.83%.These results mark significant improvements over existing models,ranging from 2.4%–45.3%for AUC and 1.6%–28.9%for F1 score,showcasing the model’s enhanced accuracy and reliability in detecting abnormal states in LiB data.
基金a result of project WAY4SafeRail—Wayside monitoring system FOR SAFE RAIL transportation, with reference NORTE-01-0247-FEDER-069595co-funded by the European Regional Development Fund (ERDF), through the North Portugal Regional Operational Programme (NORTE2020), under the PORTUGAL 2020 Partnership Agreement+3 种基金financially supported by Base Funding-UIDB/04708/2020Programmatic Funding-UIDP/04708/2020 of the CONSTRUCT—Instituto de Estruturas e Constru??esfunded by national funds through the FCT/ MCTES (PIDDAC)Grant No. 2021.04272. CEECIND from the Stimulus of Scientific Employment, Individual Support (CEECIND) - 4th Edition provided by “FCT – Funda??o para a Ciência, DOI : https:// doi. org/ 10. 54499/ 2021. 04272. CEECI ND/ CP1679/ CT0003”。
文摘Wayside monitoring is a promising cost-effective alternative to predict damage in the rolling stock. The main goal of this work is to present an unsupervised methodology to identify out-of-roundness(OOR) damage wheels, such as wheel flats and polygonal wheels. This automatic damage identification algorithm is based on the vertical acceleration evaluated on the rails using a virtual wayside monitoring system and involves the application of a two-step procedure. The first step aims to define a confidence boundary by using(healthy) measurements evaluated on the rail constituting a baseline. The second step of the procedure involves classifying damage of predefined scenarios with different levels of severities. The proposed procedure is based on a machine learning methodology and includes the following stages:(1) data collection,(2) damage-sensitive feature extraction from the acquired responses using a neural network model, i.e., the sparse autoencoder(SAE),(3) data fusion based on the Mahalanobis distance, and(4) unsupervised feature classification by implementing outlier and cluster analysis. This procedure considers baseline responses at different speeds and rail irregularities to train the SAE model. Then, the trained SAE is capable to reconstruct test responses(not trained) allowing to compute the accumulative difference between original and reconstructed signals. The results prove the efficiency of the proposed approach in identifying the two most common types of OOR in railway wheels.
基金supported in part by National Natural Science Foundation of China(No.62176041)in part by Excellent Science and Technique Talent Foundation of Dalian(No.2022RY21).
文摘Significant advancements have beenwitnessed in visual tracking applications leveragingViT in recent years,mainly due to the formidablemodeling capabilities of Vision Transformer(ViT).However,the strong performance of such trackers heavily relies on ViT models pretrained for long periods,limitingmore flexible model designs for tracking tasks.To address this issue,we propose an efficient unsupervised ViT pretraining method for the tracking task based on masked autoencoders,called TrackMAE.During pretraining,we employ two shared-parameter ViTs,serving as the appearance encoder and motion encoder,respectively.The appearance encoder encodes randomly masked image data,while the motion encoder encodes randomly masked pairs of video frames.Subsequently,an appearance decoder and a motion decoder separately reconstruct the original image data and video frame data at the pixel level.In this way,ViT learns to understand both the appearance of images and the motion between video frames simultaneously.Experimental results demonstrate that ViT-Base and ViT-Large models,pretrained with TrackMAE and combined with a simple tracking head,achieve state-of-the-art(SOTA)performance without additional design.Moreover,compared to the currently popular MAE pretraining methods,TrackMAE consumes only 1/5 of the training time,which will facilitate the customization of diverse models for tracking.For instance,we additionally customize a lightweight ViT-XS,which achieves SOTA efficient tracking performance.
文摘Network security problems bring many imperceptible threats to the integrity of data and the reliability of device services,so proposing a network intrusion detection model with high reliability is of great research significance for network security.Due to the strong generalization of invalid features during training process,it is more difficult for single autoencoder intrusion detection model to obtain effective results.A network intrusion detection model based on the Ensemble of Denoising Adversarial Autoencoder(EDAAE)was proposed,which had higher accuracy and reliability compared to the traditional anomaly detection model.Using the adversarial learning idea of Adversarial Autoencoder(AAE),the discriminator module was added to the original model,and the encoder part was used as the generator.The distribution of the hidden space of the data generated by the encoder matched with the distribution of the original data.The generalization of the model to the invalid features was also reduced to improve the detection accuracy.At the same time,the denoising autoencoder and integrated operation was introduced to prevent overfitting in the adversarial learning process.Experiments on the CICIDS2018 traffic dataset showed that the proposed intrusion detection model achieves an Accuracy of 95.23%,which out performs traditional self-encoders and other existing intrusion detection models methods in terms of overall performance.
基金supported by the Culture,Sports,and Tourism R&D Program through the Korea Creative Content Agency grant funded by the Ministry of Culture,Sports,and Tourism in 2024(Project Name:Development of Distribution and Management Platform Technology and Human Resource Development for Blockchain-Based SW Copyright Protection,Project Number:RS-2023-00228867,Contribution Rate:100%)and also supported by the Soonchunhyang University Research Fund.
文摘In the context of rapid digitization in industrial environments,how effective are advanced unsupervised learning models,particularly hybrid autoencoder models,at detecting anomalies in industrial control system(ICS)datasets?This study is crucial because it addresses the challenge of identifying rare and complex anomalous patterns in the vast amounts of time series data generated by Internet of Things(IoT)devices,which can significantly improve the reliability and safety of these systems.In this paper,we propose a hybrid autoencoder model,called ConvBiLSTMAE,which combines convolutional neural network(CNN)and bidirectional long short-term memory(BiLSTM)to more effectively train complex temporal data patterns in anomaly detection.On the hardware-in-the-loopbased extended industrial control system dataset,the ConvBiLSTM-AE model demonstrated remarkable anomaly detection performance,achieving F1 scores of 0.78 and 0.41 for the first and second datasets,respectively.The results suggest that hybrid autoencoder models are not only viable,but potentially superior alternatives for unsupervised anomaly detection in complex industrial systems,offering a promising approach to improving their reliability and safety.
基金supported by the National Natural Science Foundation of China(Grant Nos.U20A20186 and 62372063).
文摘Fault diagnosis of traction systems is important for the safety operation of high-speed trains.Long-term operation of the trains will degrade the performance of systems,which decreases the fault detection accuracy.To solve this problem,this paper proposes a fault detection method developed by a Generalized Autoencoder(GAE)for systems with performance degradation.The advantage of this method is that it can accurately detect faults when the traction system of high-speed trains is affected by performance degradation.Regardless of the probability distribution,it can handle any data,and the GAE has extremely high sensitivity in anomaly detection.Finally,the effectiveness of this method is verified through the Traction Drive Control System(TDCS)platform.At different performance degradation levels,our method’s experimental results are superior to traditional methods.
文摘数据驱动的异常检测技术被广泛应用于复杂机械设备状态监测中,工况(operating conditions,简称OCs)变化会导致监测数据的分布漂移,使传统数据驱动的异常检测方法的准确性受到极大干扰。为了解决时变工况下工况和健康状态之间的耦合问题,提出了一个新的特征解耦学习框架。首先,基于变分自动编码器(variation auto encoder,简称VAE)构建一个特征解耦条件变分自动编码器(conditional variation auto encoder,简称CVAE)网络,实现工况和健康状态的解耦;其次,对解耦后的健康状态相关特征进行降维处理,构建异常指标(anomaly indicator,简称ANI);然后,将ANI与统计异常阈值相结合,实现时变工况下轴承的异常检测;最后,通过基于时变转速退化的轴承加速疲劳退化实验,验证了该方法的有效性以及所构建的健康指标在消除时变工况干扰方面的优越性。
基金The Deanship of Scientific Research(DSR)at King Abdulaziz University(KAU),Jeddah,Saudi Arabia has funded this project,under Grant No.(IFPDP-279-22).
文摘The Internet of things(IoT)is an emerging paradigm that integrates devices and services to collect real-time data from surroundings and process the information at a very high speed to make a decision.Despite several advantages,the resource-constrained and heterogeneous nature of IoT networks makes them a favorite target for cybercriminals.A single successful attempt of network intrusion can compromise the complete IoT network which can lead to unauthorized access to the valuable information of consumers and industries.To overcome the security challenges of IoT networks,this article proposes a lightweight deep autoencoder(DAE)based cyberattack detection framework.The proposed approach learns the normal and anomalous data patterns to identify the various types of network intrusions.The most significant feature of the proposed technique is its lower complexity which is attained by reducing the number of operations.To optimally train the proposed DAE,a range of hyperparameters was determined through extensive experiments that ensure higher attack detection accuracy.The efficacy of the suggested framework is evaluated via two standard and open-source datasets.The proposed DAE achieved the accuracies of 98.86%,and 98.26%for NSL-KDD,99.32%,and 98.79%for the UNSW-NB15 dataset in binary class and multi-class scenarios.The performance of the suggested attack detection framework is also compared with several state-of-the-art intrusion detection schemes.Experimental outcomes proved the promising performance of the proposed scheme for cyberattack detection in IoT networks.
文摘Wind and solar energy are two popular forms of renewable energy used in microgrids and facilitating the transition towards net-zero carbon emissions by 2050.However,they are exceedingly unpredictable since they rely highly on weather and atmospheric conditions.In microgrids,smart energy management systems,such as integrated demand response programs,are permanently established on a step-ahead basis,which means that accu-rate forecasting of wind speed and solar irradiance intervals is becoming increasingly crucial to the optimal operation and planning of microgrids.With this in mind,a novel“bidirectional long short-term memory network”(Bi-LSTM)-based,deep stacked,sequence-to-sequence autoencoder(S2SAE)forecasting model for predicting short-term solar irradiation and wind speed was developed and evaluated in MATLAB.To create a deep stacked S2SAE prediction model,a deep Bi-LSTM-based encoder and decoder are stacked on top of one another to reduce the dimension of the input sequence,extract its features,and then reconstruct it to produce the forecasts.Hyperparameters of the proposed deep stacked S2SAE forecasting model were optimized using the Bayesian optimization algorithm.Moreover,the forecasting performance of the proposed Bi-LSTM-based deep stacked S2SAE model was compared to three other deep,and shallow stacked S2SAEs,i.e.,the LSTM-based deep stacked S2SAE model,gated recurrent unit-based deep stacked S2SAE model,and Bi-LSTM-based shallow stacked S2SAE model.All these models were also optimized and modeled in MATLAB.The results simulated based on actual data confirmed that the proposed model outperformed the alternatives by achieving an accuracy of up to 99.7%,which evidenced the high reliability of the proposed forecasting.
基金supported by the National Natural Science Foundation of China(Grant Nos.51979253,51879245)the Fundamental Research Funds for the Central Universities,China University of Geosciences(Wuhan)(Grant No.CUGCJ1821).
文摘Objective and accurate evaluation of rock mass quality classification is the prerequisite for reliable sta-bility assessment.To develop a tool that can deliver quick and accurate evaluation of rock mass quality,a deep learning approach is developed,which uses stacked autoencoders(SAEs)with several autoencoders and a softmax net layer.Ten rock parameters of rock mass rating(RMR)system are calibrated in this model.The model is trained using 75%of the total database for training sample data.The SAEs trained model achieves a nearly 100%prediction accuracy.For comparison,other different models are also trained with the same dataset,using artificial neural network(ANN)and radial basis function(RBF).The results show that the SAEs classify all test samples correctly while the rating accuracies of ANN and RBF are 97.5%and 98.7%,repectively,which are calculated from the confusion matrix.Moreover,this model is further employed to predict the slope risk level of an abandoned quarry.The proposed approach using SAEs,or deep learning in general,is more objective and more accurate and requires less human inter-vention.The findings presented here shall shed light for engineers/researchers interested in analyzing rock mass classification criteria or performing field investigation.
基金supported in part by the National Natural Science Foundation of China under Grant 62076199in part by the Open Research Fund of Beijing Key Laboratory of Big Data Technology for Food Safety under Grant BTBD‐2020KF08Beijing Technology and Business University,and in part by the Key R&D project of Shaan'xi Province under Grant 2021GY‐027 and 2022ZDLGY01‐03.
文摘Recently,the autoencoder(AE)based method plays a critical role in the hyperspectral anomaly detection domain.However,due to the strong generalised capacity of AE,the abnormal samples are usually reconstructed well along with the normal background samples.Thus,in order to separate anomalies from the background by calculating reconstruction errors,it can be greatly beneficial to reduce the AE capability for abnormal sample reconstruction while maintaining the background reconstruction performance.A memory‐augmented autoencoder for hyperspectral anomaly detection(MAENet)is proposed to address this challenging problem.Specifically,the proposed MAENet mainly consists of an encoder,a memory module,and a decoder.First,the encoder transforms the original hyperspectral data into the low‐dimensional latent representation.Then,the latent representation is utilised to retrieve the most relevant matrix items in the memory matrix,and the retrieved matrix items will be used to replace the latent representation from the encoder.Finally,the decoder is used to reconstruct the input hyperspectral data using the retrieved memory items.With this strategy,the background can still be reconstructed well while the abnormal samples cannot.Experiments conducted on five real hyperspectral anomaly data sets demonstrate the superiority of the proposed method.
基金supported by Chongqing Big Data Engineering Laboratory for Children,Chongqing Electronics Engineering Technology Research Center for Interactive Learning,Project of Science and Technology Research Program of Chongqing Education Commission of China. (No.KJZD-K201801601).
文摘The attacks on in-vehicle Controller Area Network(CAN)bus messages severely disrupt normal communication between vehicles.Therefore,researches on intrusion detection models for CAN have positive business value for vehicle security,and the intrusion detection technology for CAN bus messages can effectively protect the invehicle network from unlawful attacks.Previous machine learning-based models are unable to effectively identify intrusive abnormal messages due to their inherent shortcomings.Hence,to address the shortcomings of the previous machine learning-based intrusion detection technique,we propose a novel method using Attention Mechanism and AutoEncoder for Intrusion Detection(AMAEID).The AMAEID model first converts the raw hexadecimal message data into binary format to obtain better input.Then the AMAEID model encodes and decodes the binary message data using a multi-layer denoising autoencoder model to obtain a hidden feature representation that can represent the potential features behind the message data at a deeper level.Finally,the AMAEID model uses the attention mechanism and the fully connected layer network to infer whether the message is an abnormal message or not.The experimental results with three evaluation metrics on a real in-vehicle CAN bus message dataset outperform some traditional machine learning algorithms,demonstrating the effectiveness of the AMAEID model.
基金This research received funding from the Flemish Government(AI Research Program)This research has received support of Flanders Make,the strategic research center for the manufacturing industry.
文摘Anomaly detection(AD)is an important task in a broad range of domains.A popular choice for AD are Deep Support Vector Data Description models.When learning such models,normal data is mapped close to and anomalous data is mapped far from a center,in some latent space,enabling the construction of a sphere to separate both types of data.Empirically,it was observed:(i)that the center and radius of such sphere largely depend on the training data and model initialization which leads to difficulties when selecting a threshold,and(ii)that the center and radius of this sphere strongly impact the model AD performance on unseen data.In this work,a more robust AD solution is proposed that(i)defines a sphere with a fixed radius and margin in some latent space and(ii)enforces the encoder,which maps the input to a latent space,to encode the normal data in a small sphere and the anomalous data outside a larger sphere,with the same center.Experimental results indicate that the proposed algorithm attains higher performance compared to alternatives,and that the difference in size of the two spheres has a minor impact on the performance.