期刊文献+
共找到652篇文章
< 1 2 33 >
每页显示 20 50 100
A novel intrusion detection model for the CAN bus packet of in-vehicle network based on attention mechanism and autoencoder 被引量:1
1
作者 Pengcheng Wei Bo Wang +2 位作者 Xiaojun Dai Li Li Fangcheng He 《Digital Communications and Networks》 SCIE CSCD 2023年第1期14-21,共8页
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. 展开更多
关键词 Controller area network bus packet In-vehicle network Attention mechanism autoencoder
下载PDF
Network Intrusion Detection in Internet of Blended Environment Using Ensemble of Heterogeneous Autoencoders(E-HAE)
2
作者 Lelisa Adeba Jilcha Deuk-Hun Kim +1 位作者 Julian Jang-Jaccard Jin Kwak 《Computer Systems Science & Engineering》 SCIE EI 2023年第9期3261-3284,共24页
Contemporary attackers,mainly motivated by financial gain,consistently devise sophisticated penetration techniques to access important information or data.The growing use of Internet of Things(IoT)technology in the co... Contemporary attackers,mainly motivated by financial gain,consistently devise sophisticated penetration techniques to access important information or data.The growing use of Internet of Things(IoT)technology in the contemporary convergence environment to connect to corporate networks and cloud-based applications only worsens this situation,as it facilitates multiple new attack vectors to emerge effortlessly.As such,existing intrusion detection systems suffer from performance degradation mainly because of insufficient considerations and poorly modeled detection systems.To address this problem,we designed a blended threat detection approach,considering the possible impact and dimensionality of new attack surfaces due to the aforementioned convergence.We collectively refer to the convergence of different technology sectors as the internet of blended environment.The proposed approach encompasses an ensemble of heterogeneous probabilistic autoencoders that leverage the corresponding advantages of a convolutional variational autoencoder and long short-term memory variational autoencoder.An extensive experimental analysis conducted on the TON_IoT dataset demonstrated 96.02%detection accuracy.Furthermore,performance of the proposed approach was compared with various single model(autoencoder)-based network intrusion detection approaches:autoencoder,variational autoencoder,convolutional variational autoencoder,and long short-term memory variational autoencoder.The proposed model outperformed all compared models,demonstrating F1-score improvements of 4.99%,2.25%,1.92%,and 3.69%,respectively. 展开更多
关键词 network intrusion detection anomaly detection TON_IoT dataset smart grid smart city smart factory digital healthcare autoencoder variational autoencoder LSTM convolutional variational autoencoder ensemble learning
下载PDF
A Time Series Intrusion Detection Method Based on SSAE,TCN and Bi-LSTM
3
作者 Zhenxiang He Xunxi Wang Chunwei Li 《Computers, Materials & Continua》 SCIE EI 2024年第1期845-871,共27页
In the fast-evolving landscape of digital networks,the incidence of network intrusions has escalated alarmingly.Simultaneously,the crucial role of time series data in intrusion detection remains largely underappreciat... In the fast-evolving landscape of digital networks,the incidence of network intrusions has escalated alarmingly.Simultaneously,the crucial role of time series data in intrusion detection remains largely underappreciated,with most systems failing to capture the time-bound nuances of network traffic.This leads to compromised detection accuracy and overlooked temporal patterns.Addressing this gap,we introduce a novel SSAE-TCN-BiLSTM(STL)model that integrates time series analysis,significantly enhancing detection capabilities.Our approach reduces feature dimensionalitywith a Stacked Sparse Autoencoder(SSAE)and extracts temporally relevant features through a Temporal Convolutional Network(TCN)and Bidirectional Long Short-term Memory Network(Bi-LSTM).By meticulously adjusting time steps,we underscore the significance of temporal data in bolstering detection accuracy.On the UNSW-NB15 dataset,ourmodel achieved an F1-score of 99.49%,Accuracy of 99.43%,Precision of 99.38%,Recall of 99.60%,and an inference time of 4.24 s.For the CICDS2017 dataset,we recorded an F1-score of 99.53%,Accuracy of 99.62%,Precision of 99.27%,Recall of 99.79%,and an inference time of 5.72 s.These findings not only confirm the STL model’s superior performance but also its operational efficiency,underpinning its significance in real-world cybersecurity scenarios where rapid response is paramount.Our contribution represents a significant advance in cybersecurity,proposing a model that excels in accuracy and adaptability to the dynamic nature of network traffic,setting a new benchmark for intrusion detection systems. 展开更多
关键词 network intrusion detection bidirectional long short-term memory network time series stacked sparse autoencoder temporal convolutional network time steps
下载PDF
Anomaly-Based Intrusion DetectionModel Using Deep Learning for IoT Networks
4
作者 Muaadh A.Alsoufi Maheyzah Md Siraj +4 位作者 Fuad A.Ghaleb Muna Al-Razgan Mahfoudh Saeed Al-Asaly Taha Alfakih Faisal Saeed 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第10期823-845,共23页
The rapid growth of Internet of Things(IoT)devices has brought numerous benefits to the interconnected world.However,the ubiquitous nature of IoT networks exposes them to various security threats,including anomaly int... The rapid growth of Internet of Things(IoT)devices has brought numerous benefits to the interconnected world.However,the ubiquitous nature of IoT networks exposes them to various security threats,including anomaly intrusion attacks.In addition,IoT devices generate a high volume of unstructured data.Traditional intrusion detection systems often struggle to cope with the unique characteristics of IoT networks,such as resource constraints and heterogeneous data sources.Given the unpredictable nature of network technologies and diverse intrusion methods,conventional machine-learning approaches seem to lack efficiency.Across numerous research domains,deep learning techniques have demonstrated their capability to precisely detect anomalies.This study designs and enhances a novel anomaly-based intrusion detection system(AIDS)for IoT networks.Firstly,a Sparse Autoencoder(SAE)is applied to reduce the high dimension and get a significant data representation by calculating the reconstructed error.Secondly,the Convolutional Neural Network(CNN)technique is employed to create a binary classification approach.The proposed SAE-CNN approach is validated using the Bot-IoT dataset.The proposed models exceed the performance of the existing deep learning approach in the literature with an accuracy of 99.9%,precision of 99.9%,recall of 100%,F1 of 99.9%,False Positive Rate(FPR)of 0.0003,and True Positive Rate(TPR)of 0.9992.In addition,alternative metrics,such as training and testing durations,indicated that SAE-CNN performs better. 展开更多
关键词 IOT anomaly intrusion detection deep learning sparse autoencoder convolutional neural network
下载PDF
基于SAE-BP神经网络的审计风险识别研究——以计算机、通信和其他电子设备制造业行业为例
5
作者 刘聪粉 张庚珠 《经济问题》 北大核心 2024年第6期123-128,F0003,共7页
审计风险的识别和评估是现代风险导向审计的重要内容,为准确地识别审计风险,建立了一套基于SAE-BP神经网络的审计风险识别模型。选取16个指标构成重大错报风险评估模型的输入指标体系,利用SAE算法提取特征,通过机器学习模型BP神经网络... 审计风险的识别和评估是现代风险导向审计的重要内容,为准确地识别审计风险,建立了一套基于SAE-BP神经网络的审计风险识别模型。选取16个指标构成重大错报风险评估模型的输入指标体系,利用SAE算法提取特征,通过机器学习模型BP神经网络分类器进行识别,构建SAE-BP神经网络,并选取135个A股上市公司作为样本进行了实证分析。结果表明:该模型运算速度快,模型平均识别准确率较高,可以达到88.5%,能够对审计风险进行高质量识别,有效提高了审计的效率。 展开更多
关键词 审计风险识别 大数据 稀疏自编码器 神经网络
下载PDF
基于SAE-SA-1D-CNN-BGRU的涡扇发动机剩余寿命预测
6
作者 聂磊 蔡文涛 +3 位作者 张吕凡 徐诗奕 吴柔慧 任一竹 《航空发动机》 北大核心 2023年第4期134-139,共6页
为解决涡扇发动机监测数据维度高和寿命预测准确度低的问题,提出一种基于深度学习的寿命预测方法,开展了利用神经网络获取涡扇发动机剩余寿命的研究。利用堆叠自编码(SAE)网络从高维传感器数据中提取健康因子(HI),采用1维卷积神经网络-... 为解决涡扇发动机监测数据维度高和寿命预测准确度低的问题,提出一种基于深度学习的寿命预测方法,开展了利用神经网络获取涡扇发动机剩余寿命的研究。利用堆叠自编码(SAE)网络从高维传感器数据中提取健康因子(HI),采用1维卷积神经网络-双向门控循环单元(1D-CNN-BGRU)方法捕捉HI序列中的空间和时间特征,并引入自注意(SA)机制对捕捉的特征分配权重,使用全连接层输出涡扇发动机剩余使用寿命(RUL),以此构建复合神经网络进行面向涡扇发动机高维数据的寿命预测。结果表明:利用NASA官方网站提供的涡扇发动机寿命试验公开数据集C-MAPSS对该方法进行验证,取得了均方根误差16.22和评分函数225的结果。证明了基于SAE-SA-1D-CNN-BGRU的寿命预测方法可实现涡扇发动机寿命的有效预测,能为涡扇发动机维修保障及健康管理提供有效决策支撑。 展开更多
关键词 剩余使用寿命 堆叠自编码网络 1维卷积神经网络 双向门控循环单元 涡扇发动机 智能运维 深度学习
下载PDF
Iterative learning-based many-objective history matching using deep neural network with stacked autoencoder 被引量:2
7
作者 Jaejun Kim Changhyup Park +3 位作者 Seongin Ahn Byeongcheol Kang Hyungsik Jung Ilsik Jang 《Petroleum Science》 SCIE CAS CSCD 2021年第5期1465-1482,共18页
This paper presents an innovative data-integration that uses an iterative-learning method,a deep neural network(DNN)coupled with a stacked autoencoder(SAE)to solve issues encountered with many-objective history matchi... This paper presents an innovative data-integration that uses an iterative-learning method,a deep neural network(DNN)coupled with a stacked autoencoder(SAE)to solve issues encountered with many-objective history matching.The proposed method consists of a DNN-based inverse model with SAE-encoded static data and iterative updates of supervised-learning data are based on distance-based clustering schemes.DNN functions as an inverse model and results in encoded flattened data,while SAE,as a pre-trained neural network,successfully reduces dimensionality and reliably reconstructs geomodels.The iterative-learning method can improve the training data for DNN by showing the error reduction achieved with each iteration step.The proposed workflow shows the small mean absolute percentage error below 4%for all objective functions,while a typical multi-objective evolutionary algorithm fails to significantly reduce the initial population uncertainty.Iterative learning-based manyobjective history matching estimates the trends in water cuts that are not reliably included in dynamicdata matching.This confirms the proposed workflow constructs more plausible geo-models.The workflow would be a reliable alternative to overcome the less-convergent Pareto-based multi-objective evolutionary algorithm in the presence of geological uncertainty and varying objective functions. 展开更多
关键词 Deep neural network Stacked autoencoder History matching Iterative learning CLUSTERING Many-objective
下载PDF
Sparse Autoencoder-based Multi-head Deep Neural Networks for Machinery Fault Diagnostics with Detection of Novelties 被引量:1
8
作者 Zhe Yang Dejan Gjorgjevikj +3 位作者 Jianyu Long Yanyang Zi Shaohui Zhang Chuan Li 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2021年第3期146-157,共12页
Supervised fault diagnosis typically assumes that all the types of machinery failures are known.However,in practice unknown types of defect,i.e.,novelties,may occur,whose detection is a challenging task.In this paper,... Supervised fault diagnosis typically assumes that all the types of machinery failures are known.However,in practice unknown types of defect,i.e.,novelties,may occur,whose detection is a challenging task.In this paper,a novel fault diagnostic method is developed for both diagnostics and detection of novelties.To this end,a sparse autoencoder-based multi-head Deep Neural Network(DNN)is presented to jointly learn a shared encoding representation for both unsupervised reconstruction and supervised classification of the monitoring data.The detection of novelties is based on the reconstruction error.Moreover,the computational burden is reduced by directly training the multi-head DNN with rectified linear unit activation function,instead of performing the pre-training and fine-tuning phases required for classical DNNs.The addressed method is applied to a benchmark bearing case study and to experimental data acquired from a delta 3D printer.The results show that its performance is satisfactory both in detection of novelties and fault diagnosis,outperforming other state-of-the-art methods.This research proposes a novel fault diagnostics method which can not only diagnose the known type of defect,but also detect unknown types of defects. 展开更多
关键词 Deep learning Fault diagnostics Novelty detection Multi-head deep neural network Sparse autoencoder
下载PDF
Rock mass quality classification based on deep learning:A feasibility study for stacked autoencoders 被引量:2
9
作者 Danjie Sheng Jin Yu +3 位作者 Fei Tan Defu Tong Tianjun Yan Jiahe Lv 《Journal of Rock Mechanics and Geotechnical Engineering》 SCIE CSCD 2023年第7期1749-1758,共10页
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. 展开更多
关键词 Rock mass quality classification Deep learning Stacked autoencoder(sae) Back propagation algorithm
下载PDF
Bi-LSTM-Based Deep Stacked Sequence-to-Sequence Autoencoder for Forecasting Solar Irradiation and Wind Speed 被引量:1
10
作者 Neelam Mughees Mujtaba Hussain Jaffery +2 位作者 Abdullah Mughees Anam Mughees Krzysztof Ejsmont 《Computers, Materials & Continua》 SCIE EI 2023年第6期6375-6393,共19页
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. 展开更多
关键词 Deep stacked autoencoder sequence to sequence autoencoder bidirectional long short-term memory network wind speed forecasting solar irradiation forecasting
下载PDF
Wafer map defect patterns classification based on a lightweight network and data augmentation 被引量:1
11
作者 Naigong Yu Huaisheng Chen +2 位作者 Qiao Xu Mohammad Mehedi Hasan Ouattara Sie 《CAAI Transactions on Intelligence Technology》 SCIE EI 2023年第3期1029-1042,共14页
Accurately identifying defect patterns in wafer maps can help engineers find abnormal failure factors in production lines.During the wafer testing stage,deep learning methods are widely used in wafer defect detection ... Accurately identifying defect patterns in wafer maps can help engineers find abnormal failure factors in production lines.During the wafer testing stage,deep learning methods are widely used in wafer defect detection due to their powerful feature extraction capa-bilities.However,most of the current wafer defect patterns classification models have high complexity and slow detection speed,which are difficult to apply in the actual wafer production process.In addition,there is a data imbalance in the wafer dataset that seriously affects the training results of the model.To reduce the complexity of the deep model without affecting the wafer feature expression,this paper adjusts the structure of the dense block in the PeleeNet network and proposes a lightweight network WM‐PeleeNet based on the PeleeNet module.In addition,to reduce the impact of data imbalance on model training,this paper proposes a wafer data augmentation method based on a convolutional autoencoder by adding random Gaussian noise to the hidden layer.The method proposed in this paper has an average accuracy of 95.4%on the WM‐811K wafer dataset with only 173.643 KB of the parameters and 316.194 M of FLOPs,and takes only 22.99 s to detect 1000 wafer pictures.Compared with the original PeleeNet network without optimization,the number of parameters and FLOPs are reduced by 92.68%and 58.85%,respectively.Data augmentation on the minority class wafer map improves the average classification accuracy by 1.8%on the WM‐811K dataset.At the same time,the recognition accuracy of minority classes such as Scratch pattern and Donut pattern are significantly improved. 展开更多
关键词 convolutional autoencoder lightweight network wafer defect detection
下载PDF
A Flat Mobile Core Network for Evolved Packet Core Based SAE Mobile Networks
12
作者 Mohammad Al Shinwan Trong-Dinh Huy Kim Chul-Soo 《Journal of Computer and Communications》 2017年第5期62-73,共12页
In the current mobile IPv6 (MIPv6) systems for the System architecture evaluation (SAE) networks, such as 4th generation (4G) mobile network, the data delivery is performed basing on a centralized mobility network anc... In the current mobile IPv6 (MIPv6) systems for the System architecture evaluation (SAE) networks, such as 4th generation (4G) mobile network, the data delivery is performed basing on a centralized mobility network anchor between Evolved Node B (eNB) and Serving Gateways (S-GW), and also between S-GW and Packet Data Network Gateway (P-GW). However, the existing network has many obstacles, including suboptimal data routing, injection of unwanted data traffic into mobile core network and the requirement of capital expenditure. To handle these challenges, here we describe a flat mobile core network scheme donated by F-EPC, based SAE mobile network. In the proposed scheme, the P-GW and S-GW gateways are features as one node named Cellular Gateway (C-GW). Further, we proposed to distribute and increase the number of C-GW in mobile core network, the Mobility Management Entity (MME) functioned as centralizing mobility anchor and allocating the IP address for the User Entity (UE). In this paper, the explained results of a simulation analysis showed that the proposed scheme provides a superior performance compared with the current 4G architecture in terms of total transmission delay, handover delay and initial attach procedure. 展开更多
关键词 sae EPC F-EPC FLAT network DMM MOBILITY
下载PDF
融合Autoencoder方法的电力系统网络安全风险评估技术 被引量:7
13
作者 吉德志 秦丞 颜丽渊 《沈阳工业大学学报》 CAS 北大核心 2023年第4期366-370,共5页
针对现有电力系统安全评估指标存在高复杂度与低准确度等缺点,基于Autoencoder方法提出了适用于电力系统的网络安全风险评估方法.通过分析系统运行机制的脆弱性,使用层次分析法与专家调查法,建立了网络安全的初步评估指标体系模型.通过... 针对现有电力系统安全评估指标存在高复杂度与低准确度等缺点,基于Autoencoder方法提出了适用于电力系统的网络安全风险评估方法.通过分析系统运行机制的脆弱性,使用层次分析法与专家调查法,建立了网络安全的初步评估指标体系模型.通过引入Autoencoder方法对复杂的指标体系模型进行必要的约简与优化,形成电力系统的新型安全评估模型.仿真结果表明,与传统的安全评估模型相比,所提出模型具有更高的执行效率与评估准确度. 展开更多
关键词 电力系统 网络安全 风险评估 专家调查法 层次分析法 属性约简 autoencoder方法 重构误差
下载PDF
End-to-End Auto-Encoder System for Deep Residual Shrinkage Network for AWGN Channels
14
作者 Wenhao Zhao Shengbo Hu 《Journal of Computer and Communications》 2023年第5期161-176,共16页
With the rapid development of deep learning methods, the data-driven approach has shown powerful advantages over the model-driven one. In this paper, we propose an end-to-end autoencoder communication system based on ... With the rapid development of deep learning methods, the data-driven approach has shown powerful advantages over the model-driven one. In this paper, we propose an end-to-end autoencoder communication system based on Deep Residual Shrinkage Networks (DRSNs), where neural networks (DNNs) are used to implement the coding, decoding, modulation and demodulation functions of the communication system. Our proposed autoencoder communication system can better reduce the signal noise by adding an “attention mechanism” and “soft thresholding” modules and has better performance at various signal-to-noise ratios (SNR). Also, we have shown through comparative experiments that the system can operate at moderate block lengths and support different throughputs. It has been shown to work efficiently in the AWGN channel. Simulation results show that our model has a higher Bit-Error-Rate (BER) gain and greatly improved decoding performance compared to conventional modulation and classical autoencoder systems at various signal-to-noise ratios. 展开更多
关键词 Deep Residual Shrinkage network autoencoder End-To-End Learning Communication Systems
下载PDF
基于SSAE-DNN的无绝缘轨道电路故障诊断研究
15
作者 王国保 蔡水涌 +2 位作者 杨红刚 谢本凯 黄春雷 《铁路计算机应用》 2023年第12期6-12,共7页
针对ZPW-2000R型无绝缘轨道电路的多样性和复杂性造成故障诊断准确率低的问题,从故障特征提取和特征分类两方面出发,将栈式稀疏自编码器(SSAE,Stacked Sparse Auto-Encoder)和深度神经网络(DNN,Deep Neural Networks)相结合,提出了基于S... 针对ZPW-2000R型无绝缘轨道电路的多样性和复杂性造成故障诊断准确率低的问题,从故障特征提取和特征分类两方面出发,将栈式稀疏自编码器(SSAE,Stacked Sparse Auto-Encoder)和深度神经网络(DNN,Deep Neural Networks)相结合,提出了基于SSAE-DNN模型的故障诊断方法。采用SSAE对故障数据以无监督的方式进行降维和特征提取,获得最优网络参数,从而挖掘无绝缘轨道电路不同故障特征信息,并将SSAE提取的特征样本导入DNN,得到SSAE-DNN模型,据此进行无绝缘轨道电路的故障分类识别。试验结果表明,该模型对故障数据进行了降维,减少了故障诊断时间,且获取了故障数据的深层特征;对ZPW-2000R型无绝缘轨道电路的故障具有较高的诊断准确率,仅有少数故障出现误判情况。通过与反向传播(BP,Back Propagation)神经网络、卷积神经网络(CNN,Convolutional Neural Network)和支持向量机(SVM,Support Vector Machine)的对比试验,进一步验证了该方法的有效性和优越性。 展开更多
关键词 自编码器 深度神经网络 特征提取 故障诊断 无绝缘轨道电路
下载PDF
基于多尺度特征信息融合的时间序列异常检测 被引量:2
16
作者 衡红军 喻龙威 《西安电子科技大学学报》 EI CAS CSCD 北大核心 2024年第3期203-214,共12页
目前大多数的时间序列都缺少相应的异常标签,且现有基于重构的异常检测算法不能很好地捕获到多维数据间复杂的潜在相关性和时间依赖性,为了构建特征丰富的时间序列,提出一种多尺度特征信息融合的异常检测模型。该模型首先通过卷积神经... 目前大多数的时间序列都缺少相应的异常标签,且现有基于重构的异常检测算法不能很好地捕获到多维数据间复杂的潜在相关性和时间依赖性,为了构建特征丰富的时间序列,提出一种多尺度特征信息融合的异常检测模型。该模型首先通过卷积神经网络对滑动窗口内的不同序列进行特征卷积来获取不同尺度下的局部上下文信息。然后,利用Transformer中的位置编码对卷积后的时间序列窗口进行位置嵌入,增强滑动窗口中每一个时间序列和邻近序列之间的位置联系,并引入时间注意力获取数据在时间维度上的自相关性,并进一步通过多头自注意力自适应地为窗口内不同时间序列分配不同的权重。最后,对反卷积过程中上采样得到的窗口数据与不同尺度下得到的局部特征和时间上下文信息进行逐步融合,从而准确重构原始时间序列,并将重构误差作为最终的异常得分进行异常判定。实验结果表明,所构建模型在SWaT和SMD数据集上与基线模型相比F1分数均有所提升。在数据维度高且均衡性较差的WADI数据集上与GDN模型相比F1分数降低了1.66%。 展开更多
关键词 异常检测 多尺度信息融合 卷积神经网络 TRANSFORMER 多维时间序列 自编码器
下载PDF
基于分割点改进孤立森林的网络入侵检测方法
17
作者 余长宏 许孔豪 +1 位作者 张泽 高明 《计算机工程》 CAS CSCD 北大核心 2024年第6期148-156,共9页
随着网络攻击的不断增多和日益复杂化,传统基于监督的网络入侵检测算法不能准确识别没有类别标记或特征不明显的网络访问链接,而对于无监督的网络入侵检测算法,也存在检测效率和准确率低等问题。针对如何进一步提升网络入侵检测性能,提... 随着网络攻击的不断增多和日益复杂化,传统基于监督的网络入侵检测算法不能准确识别没有类别标记或特征不明显的网络访问链接,而对于无监督的网络入侵检测算法,也存在检测效率和准确率低等问题。针对如何进一步提升网络入侵检测性能,提出使用自编码器(AE)与分割点改进孤立森林模型对网络入侵进行检测。首先,对无监督自编码器进行L1正则化,以增强自编码器的稀疏性,通过学习数据内在结构,自适应地提取具有判别性的特征,完成入侵攻击的特征提取;然后,使用改进的孤立森林分离异常点,即使用最大化均值与标准差之商来确定分割点划分最佳超平面来构建隔离树,使隔离树在相关子空间中具有更强隔离异常值的能力,并通过遍历所有隔离树中数据点的平均路径长度得到异常得分来判定异常流量。在KDDCUP99和UNSW-NB15数据集上的实验结果表明,与6种传统无监督方法相比,该方法较传统孤立森林准确率和召回率均提升约20%,F1值和曲线下面积(AUC)值均提升约10%,较其他无监督方法相比大幅降低了误码率。 展开更多
关键词 网络入侵检测 稀疏自编码器 孤立森林 无监督学习 隔离树
下载PDF
基于自编码器的动态协作中继系统
18
作者 吴楠 王悦然 王旭东 《太赫兹科学与电子信息学报》 2024年第9期1014-1020,共7页
鉴于大多数现有端到端自编码器(AE)仅适用于点对点的通信场景,提出一种基于AE的动态协作通信系统,将基于深度学习的AE扩展到多点通信系统。构建了3个神经网络子系统,分别用于学习发送端、中继节点和接收端的最佳编码、传输和解码,通过... 鉴于大多数现有端到端自编码器(AE)仅适用于点对点的通信场景,提出一种基于AE的动态协作通信系统,将基于深度学习的AE扩展到多点通信系统。构建了3个神经网络子系统,分别用于学习发送端、中继节点和接收端的最佳编码、传输和解码,通过三者的联合训练达到多点通信系统的最佳传输性能。其中,发送端和接收端使用一维卷积层进行信号特征的提取及学习,中继节点通过引入密集层和一维卷积层,支持放大转发(AF)和解码转发(DF)两种经典的中继协作方式。仿真实验表明,在加性高斯白噪声以及瑞利衰落信道条件下,提出的模型采用两种不同的协作方式,其误码性能均优于单一点到点通信系统,验证了系统方案的可行性和有效性。此外,该系统支持动态的节点拓扑结构,在无需额外训练的条件下,本系统支持中继节点数量实时变化。 展开更多
关键词 自编码器 动态中继 卷积神经网络
下载PDF
基于特征重建的无监督木材图像异常检测
19
作者 耿磊 张文跃 +2 位作者 肖志涛 王雯 李晓捷 《计算机工程与设计》 北大核心 2024年第6期1829-1835,共7页
为有效解决目前木材图像异常边缘区域检测精度不高的问题,提出一种基于特征重建的无监督异常检测模型FRNet。设计多层级特征提取器为图像子区域生成多个空间上下文特征表示;多尺度特征生成器将多层特征融合为一幅具有多尺度特征表达的... 为有效解决目前木材图像异常边缘区域检测精度不高的问题,提出一种基于特征重建的无监督异常检测模型FRNet。设计多层级特征提取器为图像子区域生成多个空间上下文特征表示;多尺度特征生成器将多层特征融合为一幅具有多尺度特征表达的特征图;设计具有跳跃连接的卷积自编码器,通过补充下采样时丢失的细节信息重建特征图,根据重建误差定位异常区域。在构建的木材异常数据集上进行实验,其结果表明,FRNet取得了最好的异常检测性能。 展开更多
关键词 异常检测 无监督学习 特征重建 预训练网络 深度卷积自编码器 木材图像 多尺度特征
下载PDF
数据驱动的半无限介质裂纹识别模型研究
20
作者 江守燕 邓王涛 +1 位作者 孙立国 杜成斌 《力学学报》 EI CAS CSCD 北大核心 2024年第6期1727-1739,共13页
缺陷识别是结构健康监测的重要研究内容,对评估工程结构的安全性具有重要的指导意义,然而,准确确定结构缺陷的尺寸十分困难.论文提出了一种创新的数据驱动算法,将比例边界有限元法(scaled boundary finite element methods,SBFEM)与自... 缺陷识别是结构健康监测的重要研究内容,对评估工程结构的安全性具有重要的指导意义,然而,准确确定结构缺陷的尺寸十分困难.论文提出了一种创新的数据驱动算法,将比例边界有限元法(scaled boundary finite element methods,SBFEM)与自编码器(autoencoder,AE)、因果膨胀卷积神经网络(causal dilated convolutional neural network,CDCNN)相结合用于半无限介质中的裂纹识别.在该模型中,SBFEM用于模拟波在含不同裂纹状缺陷半无限介质中的传播过程,对于不同的裂纹状缺陷,仅需改变裂纹尖端的比例中心和裂纹开口处节点的位置,避免了复杂的重网格过程,可高效地生成足够的训练数据.模拟波在半无限介质中传播时,建立了基于瑞利阻尼的吸收边界模型,避免了对结构全域模型进行计算.搭建了CDCNN,确保了时序数据的有序性,并获得更大的感受野而不增加神经网络的复杂性,可捕捉更多的历史信息,AE具有较强的非线性特征提取能力,可将高维的原始输入特征向量空间映射到低维潜在特征向量空间,以获得低维潜在特征用于网络模型训练,有效提升了网络模型的学习效率.数值算例表明:提出的模型能够高效且准确地识别半无限介质中裂纹的量化信息,且AE-CDCNN模型的识别效率较单CDCNN模型提高了约2.7倍. 展开更多
关键词 数据驱动 比例边界有限元法 自编码器 因果膨胀卷积神经网络 裂纹识别
下载PDF
上一页 1 2 33 下一页 到第
使用帮助 返回顶部