期刊文献+
共找到619篇文章
< 1 2 31 >
每页显示 20 50 100
A Normalizing Flow-Based Bidirectional Mapping Residual Network for Unsupervised Defect Detection
1
作者 Lanyao Zhang Shichao Kan +3 位作者 Yigang Cen Xiaoling Chen Linna Zhang Yansen Huang 《Computers, Materials & Continua》 SCIE EI 2024年第2期1631-1648,共18页
Unsupervised methods based on density representation have shown their abilities in anomaly detection,but detection performance still needs to be improved.Specifically,approaches using normalizing flows can accurately ... Unsupervised methods based on density representation have shown their abilities in anomaly detection,but detection performance still needs to be improved.Specifically,approaches using normalizing flows can accurately evaluate sample distributions,mapping normal features to the normal distribution and anomalous features outside it.Consequently,this paper proposes a Normalizing Flow-based Bidirectional Mapping Residual Network(NF-BMR).It utilizes pre-trained Convolutional Neural Networks(CNN)and normalizing flows to construct discriminative source and target domain feature spaces.Additionally,to better learn feature information in both domain spaces,we propose the Bidirectional Mapping Residual Network(BMR),which maps sample features to these two spaces for anomaly detection.The two detection spaces effectively complement each other’s deficiencies and provide a comprehensive feature evaluation from two perspectives,which leads to the improvement of detection performance.Comparative experimental results on the MVTec AD and DAGM datasets against the Bidirectional Pre-trained Feature Mapping Network(B-PFM)and other state-of-the-art methods demonstrate that the proposed approach achieves superior performance.On the MVTec AD dataset,NF-BMR achieves an average AUROC of 98.7%for all 15 categories.Especially,it achieves 100%optimal detection performance in five categories.On the DAGM dataset,the average AUROC across ten categories is 98.7%,which is very close to supervised methods. 展开更多
关键词 Anomaly detection normalizing flow source domain feature space target domain feature space bidirectional mapping residual network
下载PDF
Detection of Abnormal Network Traffic Using Bidirectional Long Short-Term Memory
2
作者 Nga Nguyen Thi Thanh Quang H.Nguyen 《Computer Systems Science & Engineering》 SCIE EI 2023年第7期491-504,共14页
Nowadays,web systems and servers are constantly at great risk from cyberattacks.This paper proposes a novel approach to detecting abnormal network traffic using a bidirectional long short-term memory(LSTM)network in c... Nowadays,web systems and servers are constantly at great risk from cyberattacks.This paper proposes a novel approach to detecting abnormal network traffic using a bidirectional long short-term memory(LSTM)network in combination with the ensemble learning technique.First,the binary classification module was used to detect the current abnormal flow.Then,the abnormal flows were fed into the multilayer classification module to identify the specific type of flow.In this research,a deep learning bidirectional LSTM model,in combination with the convolutional neural network and attention technique,was deployed to identify a specific attack.To solve the real-time intrusion-detecting problem,a stacking ensemble-learning model was deployed to detect abnormal intrusion before being transferred to the attack classification module.The class-weight technique was applied to overcome the data imbalance between the attack layers.The results showed that our approach gained good performance and the F1 accuracy on the CICIDS2017 data set reached 99.97%,which is higher than the results obtained in other research. 展开更多
关键词 Intrusion detection systems abnormal network traffics bi-directional lstm convolutional neural network ensemble learning
下载PDF
AED-Net:An Abnormal Event Detection Network 被引量:2
3
作者 Tian Wang Zichen Miao +3 位作者 Yuxin Chen Yi Zhou Guangcun Shan Hichem Snoussi 《Engineering》 SCIE EI 2019年第5期930-939,共10页
It has long been a challenging task to detect an anomaly in a crowded scene.In this paper,a selfsupervised framework called the abnormal event detection network(AED-Net),which is composed of a principal component anal... It has long been a challenging task to detect an anomaly in a crowded scene.In this paper,a selfsupervised framework called the abnormal event detection network(AED-Net),which is composed of a principal component analysis network(PCAnet)and kernel principal component analysis(kPCA),is proposed to address this problem.Using surveillance video sequences of different scenes as raw data,the PCAnet is trained to extract high-level semantics of the crowd’s situation.Next,kPCA,a one-class classifier,is trained to identify anomalies within the scene.In contrast to some prevailing deep learning methods,this framework is completely self-supervised because it utilizes only video sequences of a normal situation.Experiments in global and local abnormal event detection are carried out on Monitoring Human Activity dataset from University of Minnesota(UMN dataset)and Anomaly Detection dataset from University of California,San Diego(UCSD dataset),and competitive results that yield a better equal error rate(EER)and area under curve(AUC)than other state-of-the-art methods are observed.Furthermore,by adding a local response normalization(LRN)layer,we propose an improvement to the original AED-Net.The results demonstrate that this proposed version performs better by promoting the framework’s generalization capacity. 展开更多
关键词 abnormal events detection abnormal event detection network Principal COMPONENT ANALYSIS network Kernel principal COMPONENT ANALYSIS
下载PDF
Abnormal Crowd Behavior Detection Based on the Entropy of Optical Flow 被引量:1
4
作者 Zheyi Fan Wei Li +1 位作者 Zhonghang He Zhiwen Liu 《Journal of Beijing Institute of Technology》 EI CAS 2019年第4期756-763,共8页
To improve the detection accuracy and robustness of crowd anomaly detection,especially crowd emergency evacuation detection,the abnormal crowd behavior detection method is proposed.This method is based on the improved... To improve the detection accuracy and robustness of crowd anomaly detection,especially crowd emergency evacuation detection,the abnormal crowd behavior detection method is proposed.This method is based on the improved statistical global optical flow entropy which can better describe the degree of chaos of crowd.First,the optical flow field is extracted from the video sequences and a 2D optical flow histogram is gained.Then,the improved optical flow entropy,combining information theory with statistical physics is calculated from 2D optical flow histograms.Finally,the anomaly can be detected according to the abnormality judgment formula.The experimental results show that the detection accuracy achieved over 95%in three public video datasets,which indicates that the proposed algorithm outperforms other state-of-the-art algorithms. 展开更多
关键词 abnormal events detection optical flows entropy crowded scenes crowd behavior
下载PDF
Unsupervised Anomaly Detection for Network Flow Using Immune Network Based K-means Clustering
5
作者 Yuanquan Shi Xiaoning Peng +1 位作者 Renfa Li Yu Zhang 《国际计算机前沿大会会议论文集》 2017年第1期96-98,共3页
To detect effectively unknown anomalous attack behaviors of network traffic,an Unsupervised Anomaly Detection approach for network flow using Immune Network based K-means clustering(UADINK)is proposed.In UADINK,artifi... To detect effectively unknown anomalous attack behaviors of network traffic,an Unsupervised Anomaly Detection approach for network flow using Immune Network based K-means clustering(UADINK)is proposed.In UADINK,artificial immune network based K-means clustering algorithm(aiNet_KMC)is introduced to cluster network flow,i.e.extracting abstract internal images from network flows and obtaining an optimizing parameter K of K-means by aiNet model,and network flows are clustered by K-means algorithm.The cluster labeling algorithm(clusLA)and the network flow anomaly detection algorithm(NFAD)are introduced to detect anomalous attack behaviors of network flows,where the clusLA algorithm is used for labeling whether each cluster belongs to malicious,and the labeled clusters are regarded as detectors to identify anomaly network flows by NFAD.To evaluate the effectiveness of UADINK,the ISCX 2012 IDS dataset is considered as the simulating experimental dataset.Compared with the NDM based K-means anomaly detection approach,the results show that UADINK is a radical anomaly detection approach in order to detect anomalies of network flows. 展开更多
关键词 UNSUPERVISED ANOMALY detection Artificial IMMUNE network K-MEANS CLUSTERING network flow
下载PDF
A Real-Time and Ubiquitous Network Attack Detection Based on Deep Belief Network and Support Vector Machine 被引量:7
6
作者 Hao Zhang Yongdan Li +2 位作者 Zhihan Lv Arun Kumar Sangaiah Tao Huang 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2020年第3期790-799,共10页
In recent years, network traffic data have become larger and more complex, leading to higher possibilities of network intrusion. Traditional intrusion detection methods face difficulty in processing high-speed network... In recent years, network traffic data have become larger and more complex, leading to higher possibilities of network intrusion. Traditional intrusion detection methods face difficulty in processing high-speed network data and cannot detect currently unknown attacks. Therefore, this paper proposes a network attack detection method combining a flow calculation and deep learning. The method consists of two parts: a real-time detection algorithm based on flow calculations and frequent patterns and a classification algorithm based on the deep belief network and support vector machine(DBN-SVM). Sliding window(SW) stream data processing enables real-time detection, and the DBN-SVM algorithm can improve classification accuracy. Finally, to verify the proposed method, a system is implemented.Based on the CICIDS2017 open source data set, a series of comparative experiments are conducted. The method's real-time detection efficiency is higher than that of traditional machine learning algorithms. The attack classification accuracy is 0.7 percentage points higher than that of a DBN, which is 2 percentage points higher than that of the integrated algorithm boosting and bagging methods. Hence, it is suitable for the real-time detection of high-speed network intrusions. 展开更多
关键词 DEEP BELIEF network(DBN) flow calculation frequent pattern INTRUSION detection SLIDING WINDOW support vector machine(SVM)
下载PDF
DDoS Attack Detection via Multi-Scale Convolutional Neural Network
7
作者 Jieren Cheng Yifu Liu +3 位作者 Xiangyan Tang Victor SSheng Mengyang Li Junqi Li 《Computers, Materials & Continua》 SCIE EI 2020年第3期1317-1333,共17页
Distributed Denial-of-Service(DDoS)has caused great damage to the network in the big data environment.Existing methods are characterized by low computational efficiency,high false alarm rate and high false alarm rate.... Distributed Denial-of-Service(DDoS)has caused great damage to the network in the big data environment.Existing methods are characterized by low computational efficiency,high false alarm rate and high false alarm rate.In this paper,we propose a DDoS attack detection method based on network flow grayscale matrix feature via multi-scale convolutional neural network(CNN).According to the different characteristics of the attack flow and the normal flow in the IP protocol,the seven-tuple is defined to describe the network flow characteristics and converted into a grayscale feature by binary.Based on the network flow grayscale matrix feature(GMF),the convolution kernel of different spatial scales is used to improve the accuracy of feature segmentation,global features and local features of the network flow are extracted.A DDoS attack classifier based on multi-scale convolution neural network is constructed.Experiments show that compared with correlation methods,this method can improve the robustness of the classifier,reduce the false alarm rate and the missing alarm rate. 展开更多
关键词 DDoS attack detection convolutional neural network network flow feature extraction
下载PDF
A Multi-Stage Network Anomaly Detection Method for Improving Efficiency and Accuracy
8
作者 Yuji Waizumi Hiroshi Tsunoda +1 位作者 Masashi Tsuji Yoshiaki Nemoto 《Journal of Information Security》 2012年第1期18-24,共7页
Because of an explosive growth of the intrusions, necessity of anomaly-based Intrusion Detection Systems (IDSs) which are capable of detecting novel attacks, is increasing. Among those systems, flow-based detection sy... Because of an explosive growth of the intrusions, necessity of anomaly-based Intrusion Detection Systems (IDSs) which are capable of detecting novel attacks, is increasing. Among those systems, flow-based detection systems which use a series of packets exchanged between two terminals as a unit of observation, have an advantage of being able to detect anomaly which is included in only some specific sessions. However, in large-scale networks where a large number of communications takes place, analyzing every flow is not practical. On the other hand, a timeslot-based detection systems need not to prepare a number of buffers although it is difficult to specify anomaly communications. In this paper, we propose a multi-stage anomaly detection system which is combination of timeslot-based and flow-based detectors. The proposed system can reduce the number of flows which need to be subjected to flow-based analysis but yet exhibits high detection accuracy. Through experiments using data set, we present the effectiveness of the proposed method. 展开更多
关键词 network Anomaly detection Timeslot-Based ANALYSIS flow-Based ANALYSIS MULTI-STAGE Traffic ANALYSIS flow Reduction
下载PDF
面向软件定义网络的异常流量检测研究综述
9
作者 付钰 王坤 +1 位作者 段雪源 刘涛涛 《通信学报》 EI CSCD 北大核心 2024年第3期208-226,共19页
针对软件定义网络(SDN)较传统网络更易遭受网络攻击的现实,从技术原理和架构特点出发,对近年来面向软件定义网络的异常流量检测研究进展进行综述,分析了SDN可能遭受网络攻击的组织形式,讨论了当前SDN异常流量检测、异常流量溯源、异常... 针对软件定义网络(SDN)较传统网络更易遭受网络攻击的现实,从技术原理和架构特点出发,对近年来面向软件定义网络的异常流量检测研究进展进行综述,分析了SDN可能遭受网络攻击的组织形式,讨论了当前SDN异常流量检测、异常流量溯源、异常流量缓解相关技术的特点、优势及不足;对当前研究中常用的数据集进行了对比分析,并梳理出一些通用的数据预处理方法;总结并展望了未来SDN环境下异常流量检测方法的研究方向。调研结果可以指导实际应用需求中适配方法的选取,提出待解决的问题和矛盾可为后续研究提供引导。 展开更多
关键词 软件定义网络 深度学习 异常流量检测 异常流量溯源 异常流量缓解
下载PDF
基于深度学习的Android恶意软件动态检测
10
作者 张雪芹 王逸璇 赵敏 《计算机工程与设计》 北大核心 2024年第1期10-16,共7页
为提高Android恶意软件的检测精度,提出一种基于改进DenseNet网络的Android恶意软件动态检测方法。以应用软件运行特定阶段的网络通信流量为分析对象,根据会话五元组信息切分原始网络流量并转换为灰度图,提出一种基于DenseNet网络改进... 为提高Android恶意软件的检测精度,提出一种基于改进DenseNet网络的Android恶意软件动态检测方法。以应用软件运行特定阶段的网络通信流量为分析对象,根据会话五元组信息切分原始网络流量并转换为灰度图,提出一种基于DenseNet网络改进的分类检测网络DenseNet_IS。通过添加具有不同大小卷积核的卷积分支获取不同感受野的特征,通过引入SimAM注意力模块,从空间和通道两个维度实现对重要特征的关注。结合应用软件判决机制,实现最终分类。在CICAndMal2017数据集上的实验结果表明,所提方法可以达到99.06%的良恶性检测精度和96.51%的多分类精度,验证了该方法的有效性。 展开更多
关键词 ANDROID系统 恶意软件 异常检测 网络流量 DenseNet 注意力机制 流量灰度图
下载PDF
基于GAT与SVM的区块链异常交易检测
11
作者 谭朋柳 周叶 《计算机应用研究》 CSCD 北大核心 2024年第1期21-25,31,共6页
公有链因为透明公开而面临着众多恶意交易和非法加密活动的问题,这造成了区块链出现异常交易,对用户的资产和信息安全造成严重损害。针对区块链异常交易问题,提出一种关注区块链事务图局部结构邻节点特征与联系,基于图注意神经网络(grap... 公有链因为透明公开而面临着众多恶意交易和非法加密活动的问题,这造成了区块链出现异常交易,对用户的资产和信息安全造成严重损害。针对区块链异常交易问题,提出一种关注区块链事务图局部结构邻节点特征与联系,基于图注意神经网络(graph attention network, GAT)与支持向量机(support vector machine, SVM)相融合的区块链异常交易检测方法——GAS(graph attention network and support vector machine)。采用随机森林对节点交易数据特征进行重要性评估,并选取降序排列后前140个重要特征,再结合邻节点特征,利用GAT对当前节点进行特征更新,更新后的特征作为SVM的输入,从而实现异常检测。实验结果表明,相比非融合方法,GAS检测结果性能更优,准确率可达98.11%,精度可达94.01%以及召回率可达85.48%。 展开更多
关键词 区块链 图注意力神经网络 异常交易检测 支持向量机
下载PDF
基于端口注意力与通道空间注意力的网络异常流量检测
12
作者 肖斌 甘昀 +2 位作者 汪敏 张兴鹏 王照星 《计算机应用》 CSCD 北大核心 2024年第4期1027-1034,共8页
网络异常流量检测是网络安全保护重要组成部分之一。目前,基于深度学习的异常流量检测方法都是将端口号属性与其他流量属性同等对待,忽略了端口号的重要性。为了提高异常流量检测性能,借鉴注意力思想,提出一个卷积神经网络(CNN)结合端... 网络异常流量检测是网络安全保护重要组成部分之一。目前,基于深度学习的异常流量检测方法都是将端口号属性与其他流量属性同等对待,忽略了端口号的重要性。为了提高异常流量检测性能,借鉴注意力思想,提出一个卷积神经网络(CNN)结合端口注意力模块(PAM)和通道空间注意力模块(CBAM)的网络异常流量检测模型。首先,将原始网络流量作为PAM的输入,分离得到端口号属性送入全连接层,得到学习后的端口注意力权重值,并与其他流量属性点乘,输出端口注意力后的流量数据;其次,将流量数据转换成灰度图,利用CNN和CBAM更充分地提取特征图在通道和空间上的信息;最后,使用焦点损失函数解决数据不平衡的问题。所提PAM具有参数量少、即插即用和普遍适用的优点。在CICIDS2017数据集上,所提模型的异常流量检测二分类任务准确率为99.18%,多分类任务准确率为99.07%,对只有少数训练样本的类别也有较高的识别率。 展开更多
关键词 异常流量检测 注意力机制 数据不平衡 轻量级网络 通道空间注意力模块
下载PDF
基于注意力机制的无监督异常声音检测方法
13
作者 王超 李敬兆 张金伟 《兰州工业学院学报》 2024年第1期1-5,共5页
针对传统的基于自编码器的无监督异常声音检测方法存在特征表达能力不足的问题,提出一种基于注意力-跳跃自编码器-生成对抗网络的无监督异常声音检测方法ASAE-GAN(Attentional Skip-connected Auto Encoder and Generative Adversarial ... 针对传统的基于自编码器的无监督异常声音检测方法存在特征表达能力不足的问题,提出一种基于注意力-跳跃自编码器-生成对抗网络的无监督异常声音检测方法ASAE-GAN(Attentional Skip-connected Auto Encoder and Generative Adversarial Network)。ASAE-GAN在跳跃自编码器和生成对抗网络的基础上,引入通道间注意力机制和时间注意力机制,增强模型的特征表达能力。使用MIMII数据集中的pump声音数据进行实验,评价指标使用AUC分数。结果表明:ASAE-GAN的平均AUC分数相比较于AE、UNET和Skip-GANomaly分别提升了16.27%、14.23%和6.55%,验证了其在无监督异常声音检测方面的优越性。 展开更多
关键词 自编码器 无监督 异常声音检测 生成对抗网络 注意力机制
下载PDF
基于UNet3+生成对抗网络的视频异常检测
14
作者 陈景霞 林文涛 +1 位作者 龙旻翔 张鹏伟 《计算机工程与设计》 北大核心 2024年第3期777-784,共8页
为解决传统视频异常检测方法在不同场景下多尺度特征提取不完全的问题,提出两种方法:一种是用于简单场景的基于UNet3+的生成对抗网络方法(简称U3P^(2)),另一种是用于复杂场景的基于UNet++的生成对抗网络方法(简称UP^(3))。两种方法分别... 为解决传统视频异常检测方法在不同场景下多尺度特征提取不完全的问题,提出两种方法:一种是用于简单场景的基于UNet3+的生成对抗网络方法(简称U3P^(2)),另一种是用于复杂场景的基于UNet++的生成对抗网络方法(简称UP^(3))。两种方法分别对连续输入的视频帧生成预测,引入多种损失函数和光流模型学习其外观与运动信息,通过计算AUC进行性能评估。U3P^(2)方法以6.3 M参数量在Ped2数据集的AUC提升约0.6%,而UP^(3)方法在Avenue数据集的AUC提升约0.8%,验证其能够有效应对不同场景下的异常检测任务。 展开更多
关键词 生成对抗网络 视频异常检测 U型卷积网络 全尺度跳跃连接 密集跳跃连接 光流模型 多尺度特征提取
下载PDF
基于孤立森林算法的弹性光网络异常流量自动识别方法
15
作者 李橙 何孙秦 +1 位作者 卫星 张国华 《激光杂志》 CAS 北大核心 2024年第1期179-183,共5页
弹性光网络流量传输受到时间波动导致异常,为了提高网络传输稳定性,提出基于孤立森林算法的弹性光网络异常流量自动识别算法。根据流量的异常分布特征和正常数据的差异性进行波谱密度检测,构建弹性光网络流量的谱特征提取模型,通过低通... 弹性光网络流量传输受到时间波动导致异常,为了提高网络传输稳定性,提出基于孤立森林算法的弹性光网络异常流量自动识别算法。根据流量的异常分布特征和正常数据的差异性进行波谱密度检测,构建弹性光网络流量的谱特征提取模型,通过低通滤波器卷积向量重组,实现对异常流量的谱特征筛选,采用孤立森林算法实现对网络流量异常检测的自适应寻优控制,结合多维空间结构重组方法实现对弹性光网络异常流量检测和识别。结果表明,漏检率及误检率较低,分别为3.16%,1.03%。检测用时较少,仅用16秒。在进行检测时,外部入侵率未超过1%,抗扰性较强。 展开更多
关键词 孤立森林算法 弹性光网络 异常流量 谱特征提取
原文传递
基于Netflow的异常流量分离以及归类 被引量:4
16
作者 许晓东 卞鹏 朱士瑞 《计算机工程与设计》 CSCD 北大核心 2009年第21期4818-4820,4831,共4页
针对以往的各种异常流量检测算法只能在宏观上进行流量异常监测,不能进一步实时地将异常流量分离处理,提出了在Netflow流数据环境下对单体IP历史数据的研究的方法,通过对单体IP统计、预测,能快速的检测出导致网络异常流量的主机,并根据... 针对以往的各种异常流量检测算法只能在宏观上进行流量异常监测,不能进一步实时地将异常流量分离处理,提出了在Netflow流数据环境下对单体IP历史数据的研究的方法,通过对单体IP统计、预测,能快速的检测出导致网络异常流量的主机,并根据其流的类型判断,分类以发现其发生异常的原因并提供ACL策略,从而将网络流量控制在稳定的空间和时间之内,实验结果表明了此方法的可行性和有效性。 展开更多
关键词 流量检测 网络流量 异常流量 指数平滑预测 流量特征
下载PDF
优化随机森林模型的工控网络异常检测
17
作者 宗学军 王润鹏 +1 位作者 何戡 连莲 《沈阳工业大学学报》 CAS 北大核心 2024年第2期197-205,共9页
针对现有Modbus TCP协议的异常检测效率和准确率低的问题,提出了一种基于混合鲸鱼算法优化的随机森林异常检测模型。该模型将柯西变异和自适应动态惯性权重相结合,利用柯西变异算子增加种群多样性,避免算法陷入局部最优;引用自适应动态... 针对现有Modbus TCP协议的异常检测效率和准确率低的问题,提出了一种基于混合鲸鱼算法优化的随机森林异常检测模型。该模型将柯西变异和自适应动态惯性权重相结合,利用柯西变异算子增加种群多样性,避免算法陷入局部最优;引用自适应动态惯性权重因子提高种群的全局搜索能力,使算法的收敛速度加快。仿真实验结果表明,该模型相较于其他分类算法有着更高的准确率和较强的适应性,证明了模型在实际应用中具有较高的检测精度。 展开更多
关键词 工控网络 异常检测 工业协议 鲸鱼算法 随机森林 混沌映射 柯西变异 自适应权重
下载PDF
基于NetFlow的异常流量检测系统的研究 被引量:3
18
作者 王鑫 卜范玉 《内蒙古农业大学学报(自然科学版)》 CAS 北大核心 2009年第3期183-186,共4页
随着网络技术的发展和网络应用的增加,网络的复杂程度增大,各类攻击,病毒传播也不断的威胁着网络。针对以上问题,本文提出了解决方案,利用开源软件设计了1个基于NetFlow的异常流量检测系统,使网络管理者能适时掌握网络流量,发现异常行为。
关键词 NETflow flow-tools 异常检测 流量分析
下载PDF
NetFlow技术在骨干网IDS中的应用研究 被引量:2
19
作者 郭玲 吕扬 王锋 《云南民族大学学报(自然科学版)》 CAS 2004年第2期125-128,共4页
 通过考察入侵检测系统(IDS)的发展现状及针对目前IDS应用所存在问题,讨论了基于NetFlow技术的骨干网IDS技术.文中首先论述在网络核心层,即骨干网处采用NetFlow技术实现入侵检测的优势,接着描述应用NetFlow技术于骨干网IDS的实现思路,...  通过考察入侵检测系统(IDS)的发展现状及针对目前IDS应用所存在问题,讨论了基于NetFlow技术的骨干网IDS技术.文中首先论述在网络核心层,即骨干网处采用NetFlow技术实现入侵检测的优势,接着描述应用NetFlow技术于骨干网IDS的实现思路,其中对NetFlow实现大量数据的采集进行了详细介绍. 展开更多
关键词 NETflow技术 骨干网 IDS 入侵检测系统 数据采集
下载PDF
面向边缘端设备的轻量化视频异常事件检测方法 被引量:1
20
作者 李南君 李爽 +2 位作者 李拓 邹晓峰 王长红 《计算机应用研究》 CSCD 北大核心 2024年第1期306-313,320,共9页
现有基于CNN模型的视频异常事件检测方法在精度不断提升的同时,面临架构复杂、参数庞大、训练冗长等问题,致使硬件算力需求高,难以适配无人机等计算资源有限的边缘端设备。为此,提出一种面向边缘端设备的轻量化异常事件检测方法,旨在平... 现有基于CNN模型的视频异常事件检测方法在精度不断提升的同时,面临架构复杂、参数庞大、训练冗长等问题,致使硬件算力需求高,难以适配无人机等计算资源有限的边缘端设备。为此,提出一种面向边缘端设备的轻量化异常事件检测方法,旨在平衡检测性能与推理延迟。首先,由原始视频序列提取梯度立方体与光流立方体作为事件表观与运动特征表示;其次,设计改进的小规模PCANet获取梯度立方体对应的高层次分块直方图特征;再次,根据每个局部分块的直方图特征分布情况计算表观异常得分,同时基于内部像素光流幅值累加计算运动异常得分;最后,依据表观与运动异常得分的加权融合值判别异常分块,实现表观与运动异常事件联合检测与定位。在公开数据集UCSD的Ped1与Ped2子集上进行实验验证,该方法的帧层面AUC分别达到86.7%与94.9%,领先大多数对比方法,且参数量明显降低。实验结果表明,该方法在低算力需求下,可以实现较高的异常检测稳定性和准确率,能够有效兼顾检测精度与计算资源,因此适用于低功耗边缘端设备。 展开更多
关键词 智能视频监控 边缘端设备 异常事件检测 主成分分析网络 分块直方图特征
下载PDF
上一页 1 2 31 下一页 到第
使用帮助 返回顶部