期刊文献+
共找到332篇文章
< 1 2 17 >
每页显示 20 50 100
A malware propagation prediction model based on representation learning and graph convolutional networks
1
作者 Tun Li Yanbing Liu +3 位作者 Qilie Liu Wei Xu Yunpeng Xiao Hong Liu 《Digital Communications and Networks》 SCIE CSCD 2023年第5期1090-1100,共11页
The traditional malware research is mainly based on its recognition and detection as a breakthrough point,without focusing on its propagation trends or predicting the subsequently infected nodes.The complexity of netw... The traditional malware research is mainly based on its recognition and detection as a breakthrough point,without focusing on its propagation trends or predicting the subsequently infected nodes.The complexity of network structure,diversity of network nodes,and sparsity of data all pose difficulties in predicting propagation.This paper proposes a malware propagation prediction model based on representation learning and Graph Convolutional Networks(GCN)to address the aforementioned problems.First,to solve the problem of the inaccuracy of infection intensity calculation caused by the sparsity of node interaction behavior data in the malware propagation network,a mechanism based on a tensor to mine the infection intensity among nodes is proposed to retain the network structure information.The influence of the relationship between nodes on the infection intensity is also analyzed.Second,given the diversity and complexity of the content and structure of infected and normal nodes in the network,considering the advantages of representation learning in data feature extraction,the corresponding representation learning method is adopted for the characteristics of infection intensity among nodes.This can efficiently calculate the relationship between entities and relationships in low dimensional space to achieve the goal of low dimensional,dense,and real-valued representation learning for the characteristics of propagation spatial data.We also design a new method,Tensor2vec,to learn the potential structural features of malware propagation.Finally,considering the convolution ability of GCN for non-Euclidean data,we propose a dynamic prediction model of malware propagation based on representation learning and GCN to solve the time effectiveness problem of the malware propagation carrier.The experimental results show that the proposed model can effectively predict the behaviors of the nodes in the network and discover the influence of different characteristics of nodes on the malware propagation situation. 展开更多
关键词 MALWARE Representation learning graph convolutional networks(gcn) Tensor decomposition Propagation prediction
下载PDF
Micro-expression recognition algorithm based on graph convolutional network and Transformer model
2
作者 吴进 PANG Wenting +1 位作者 WANG Lei ZHAO Bo 《High Technology Letters》 EI CAS 2023年第2期213-222,共10页
Micro-expressions are spontaneous, unconscious movements that reveal true emotions.Accurate facial movement information and network training learning methods are crucial for micro-expression recognition.However, most ... Micro-expressions are spontaneous, unconscious movements that reveal true emotions.Accurate facial movement information and network training learning methods are crucial for micro-expression recognition.However, most existing micro-expression recognition technologies so far focus on modeling the single category of micro-expression images and neural network structure.Aiming at the problems of low recognition rate and weak model generalization ability in micro-expression recognition, a micro-expression recognition algorithm is proposed based on graph convolution network(GCN) and Transformer model.Firstly, action unit(AU) feature detection is extracted and facial muscle nodes in the neighborhood are divided into three subsets for recognition.Then, graph convolution layer is used to find the layout of dependencies between AU nodes of micro-expression classification.Finally, multiple attentional features of each facial action are enriched with Transformer model to include more sequence information before calculating the overall correlation of each region.The proposed method is validated in CASME II and CAS(ME)^2 datasets, and the recognition rate reached 69.85%. 展开更多
关键词 micro-expression recognition graph convolutional network(gcn) action unit(AU)detection Transformer model
下载PDF
Weighted Forwarding in Graph Convolution Networks for Recommendation Information Systems
3
作者 Sang-min Lee Namgi Kim 《Computers, Materials & Continua》 SCIE EI 2024年第2期1897-1914,共18页
Recommendation Information Systems(RIS)are pivotal in helping users in swiftly locating desired content from the vast amount of information available on the Internet.Graph Convolution Network(GCN)algorithms have been ... Recommendation Information Systems(RIS)are pivotal in helping users in swiftly locating desired content from the vast amount of information available on the Internet.Graph Convolution Network(GCN)algorithms have been employed to implement the RIS efficiently.However,the GCN algorithm faces limitations in terms of performance enhancement owing to the due to the embedding value-vanishing problem that occurs during the learning process.To address this issue,we propose a Weighted Forwarding method using the GCN(WF-GCN)algorithm.The proposed method involves multiplying the embedding results with different weights for each hop layer during graph learning.By applying the WF-GCN algorithm,which adjusts weights for each hop layer before forwarding to the next,nodes with many neighbors achieve higher embedding values.This approach facilitates the learning of more hop layers within the GCN framework.The efficacy of the WF-GCN was demonstrated through its application to various datasets.In the MovieLens dataset,the implementation of WF-GCN in LightGCN resulted in significant performance improvements,with recall and NDCG increasing by up to+163.64%and+132.04%,respectively.Similarly,in the Last.FM dataset,LightGCN using WF-GCN enhanced with WF-GCN showed substantial improvements,with the recall and NDCG metrics rising by up to+174.40%and+169.95%,respectively.Furthermore,the application of WF-GCN to Self-supervised Graph Learning(SGL)and Simple Graph Contrastive Learning(SimGCL)also demonstrated notable enhancements in both recall and NDCG across these datasets. 展开更多
关键词 Deep learning graph neural network graph convolution network graph convolution network model learning method recommender information systems
下载PDF
Attack Behavior Extraction Based on Heterogeneous Cyberthreat Intelligence and Graph Convolutional Networks 被引量:1
4
作者 Binhui Tang Junfeng Wang +3 位作者 Huanran Qiu Jian Yu Zhongkun Yu Shijia Liu 《Computers, Materials & Continua》 SCIE EI 2023年第1期235-252,共18页
The continuous improvement of the cyber threat intelligence sharing mechanism provides new ideas to deal with Advanced Persistent Threats(APT).Extracting attack behaviors,i.e.,Tactics,Techniques,Procedures(TTP)from Cy... The continuous improvement of the cyber threat intelligence sharing mechanism provides new ideas to deal with Advanced Persistent Threats(APT).Extracting attack behaviors,i.e.,Tactics,Techniques,Procedures(TTP)from Cyber Threat Intelligence(CTI)can facilitate APT actors’profiling for an immediate response.However,it is difficult for traditional manual methods to analyze attack behaviors from cyber threat intelligence due to its heterogeneous nature.Based on the Adversarial Tactics,Techniques and Common Knowledge(ATT&CK)of threat behavior description,this paper proposes a threat behavioral knowledge extraction framework that integrates Heterogeneous Text Network(HTN)and Graph Convolutional Network(GCN)to solve this issue.It leverages the hierarchical correlation relationships of attack techniques and tactics in the ATT&CK to construct a text network of heterogeneous cyber threat intelligence.With the help of the Bidirectional EncoderRepresentation fromTransformers(BERT)pretraining model to analyze the contextual semantics of cyber threat intelligence,the task of threat behavior identification is transformed into a text classification task,which automatically extracts attack behavior in CTI,then identifies the malware and advanced threat actors.The experimental results show that F1 achieve 94.86%and 92.15%for the multi-label classification tasks of tactics and techniques.Extend the experiment to verify the method’s effectiveness in identifying the malware and threat actors in APT attacks.The F1 for malware and advanced threat actors identification task reached 98.45%and 99.48%,which are better than the benchmark model in the experiment and achieve state of the art.The model can effectivelymodel threat intelligence text data and acquire knowledge and experience migration by correlating implied features with a priori knowledge to compensate for insufficient sample data and improve the classification performance and recognition ability of threat behavior in text. 展开更多
关键词 Attack behavior extraction cyber threat intelligence(CTI) graph convolutional network(gcn) heterogeneous textual network(HTN)
下载PDF
Modeling Multi-Targets Sentiment Classification via Graph Convolutional Networks and Auxiliary Relation 被引量:2
5
作者 Ao Feng Zhengjie Gao +3 位作者 Xinyu Song Ke Ke Tianhao Xu Xuelei Zhang 《Computers, Materials & Continua》 SCIE EI 2020年第8期909-923,共15页
Existing solutions do not work well when multi-targets coexist in a sentence.The reason is that the existing solution is usually to separate multiple targets and process them separately.If the original sentence has N ... Existing solutions do not work well when multi-targets coexist in a sentence.The reason is that the existing solution is usually to separate multiple targets and process them separately.If the original sentence has N target,the original sentence will be repeated for N times,and only one target will be processed each time.To some extent,this approach degenerates the fine-grained sentiment classification task into the sentence-level sentiment classification task,and the research method of processing the target separately ignores the internal relation and interaction between the targets.Based on the above considerations,we proposes to use Graph Convolutional Network(GCN)to model and process multi-targets appearing in sentences at the same time based on the positional relationship,and then to construct a graph of the sentiment relationship between targets based on the difference of the sentiment polarity between target words.In addition to the standard target-dependent sentiment classification task,an auxiliary node relation classification task is constructed.Experiments demonstrate that our model achieves new comparable performance on the benchmark datasets:SemEval-2014 Task 4,i.e.,reviews for restaurants and laptops.Furthermore,the method of dividing the target words into isolated individuals has disadvantages,and the multi-task learning model is beneficial to enhance the feature extraction ability and expression ability of the model. 展开更多
关键词 Deep learning sentiment analysis graph convolutional networks(gcn)
下载PDF
融合自适应周期与兴趣量因子的轻量级GCN推荐 被引量:1
6
作者 钱忠胜 叶祖铼 +3 位作者 姚昌森 张丁 黄恒 秦朗悦 《软件学报》 EI CSCD 北大核心 2024年第6期2974-2998,共25页
推荐系统在成熟的数据挖掘技术推动下,已能高效地利用评分数据、行为轨迹等显隐性信息,再与复杂而先进的深度学习技术相结合,取得了很好的效果.同时,其应用需求也驱动着对基础数据的深度挖掘与利用,以及对技术要求的减负成为一个研究热... 推荐系统在成熟的数据挖掘技术推动下,已能高效地利用评分数据、行为轨迹等显隐性信息,再与复杂而先进的深度学习技术相结合,取得了很好的效果.同时,其应用需求也驱动着对基础数据的深度挖掘与利用,以及对技术要求的减负成为一个研究热点.基于此,提出一种利用GCN(graph convolutional network)方法进行深度信息融合的轻量级推荐模型LG_APIF.该模型结合行为记忆,通过艾宾浩斯遗忘曲线模拟用户兴趣变化过程,采用线性回归等相对轻量的传统方法挖掘项目的自适应周期等深度信息;分析用户当前的兴趣分布,计算项目的兴趣量,以获取用户的潜在兴趣类型;构建用户-类型-项目三元组的图结构,并结合减负后的GCN技术来生成最终的项目推荐列表.实验验证所提方法的有效性,通过与8个经典模型在Last.fm,Douban,Yelp,MovieLens数据集中的对比,表明该方法在Precision,Recall及NDCG指标上都得到良好改善,其中,Precision平均提升2.11%,Recall平均提升1.01%,NDCG平均提升1.48%. 展开更多
关键词 行为记忆 自适应周期 兴趣量因子 图卷积网络 推荐系统
下载PDF
多视角融合的时空动态GCN城市交通流量预测
7
作者 赵文竹 袁冠 +3 位作者 张艳梅 乔少杰 王森章 张雷 《软件学报》 EI CSCD 北大核心 2024年第4期1751-1773,共23页
城市交通流量预测是构建绿色低碳、安全高效的智能交通系统的重要组成部分.时空图神经网络由于具有强大的时空数据表征能力,被广泛应用于城市交通流量预测.当前,时空图神经网络在城市交通流量预测中仍存在以下两方面局限性:1)直接构建... 城市交通流量预测是构建绿色低碳、安全高效的智能交通系统的重要组成部分.时空图神经网络由于具有强大的时空数据表征能力,被广泛应用于城市交通流量预测.当前,时空图神经网络在城市交通流量预测中仍存在以下两方面局限性:1)直接构建静态路网拓扑图对城市空间相关性进行表示,忽略了节点的动态交通模式,难以表达节点流量之间的时序相似性,无法捕获路网节点之间在时序上的动态关联;2)只考虑路网节点的局部空间相关性,忽略节点的全局空间相关性,无法建模交通路网中局部区域和全局空间之间的依赖关系.为打破上述局限性,提出了一种多视角融合的时空动态图卷积模型用于预测交通流量:首先,从静态空间拓扑和动态流量模式视角出发,构建路网空间结构图和动态流量关联图,并使用动态图卷积学习节点在两种视角下的特征,全面捕获城市路网中多元的空间相关性;其次,从局部视角和全局视角出发,计算路网的全局表示,将全局特征与局部特征融合,增强路网节点特征的表现力,发掘城市交通流量的整体结构特征;接下来,设计了局部卷积多头自注意力机制来获取交通数据的动态时间相关性,实现在多种时间窗口下的准确流量预测;最后,在4种真实交通数据上的实验结果,证明了该模型的有效性和准确性. 展开更多
关键词 交通流量预测 多视角时空特征 图卷积网络(gcn) 时空图数据 注意力机制
下载PDF
Sampling Methods for Efficient Training of Graph Convolutional Networks:A Survey 被引量:3
8
作者 Xin Liu Mingyu Yan +3 位作者 Lei Deng Guoqi Li Xiaochun Ye Dongrui Fan 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2022年第2期205-234,共30页
Graph convolutional networks(GCNs)have received significant attention from various research fields due to the excellent performance in learning graph representations.Although GCN performs well compared with other meth... Graph convolutional networks(GCNs)have received significant attention from various research fields due to the excellent performance in learning graph representations.Although GCN performs well compared with other methods,it still faces challenges.Training a GCN model for large-scale graphs in a conventional way requires high computation and storage costs.Therefore,motivated by an urgent need in terms of efficiency and scalability in training GCN,sampling methods have been proposed and achieved a significant effect.In this paper,we categorize sampling methods based on the sampling mechanisms and provide a comprehensive survey of sampling methods for efficient training of GCN.To highlight the characteristics and differences of sampling methods,we present a detailed comparison within each category and further give an overall comparative analysis for the sampling methods in all categories.Finally,we discuss some challenges and future research directions of the sampling methods. 展开更多
关键词 Efficient training graph convolutional networks(gcns) graph neural networks(GNNs) sampling method
下载PDF
基于Graph Transformer的半监督异配图表示学习模型
9
作者 黎施彬 龚俊 汤圣君 《计算机应用》 CSCD 北大核心 2024年第6期1816-1823,共8页
现有的图卷积网络(GCN)模型基于同配性假设,无法直接应用于异配图的表示学习,且许多异配图表示学习的研究工作受消息传递机制的限制,导致节点特征混淆和特征过度挤压而出现过平滑问题。针对这些问题,提出一种基于Graph Transformer的半... 现有的图卷积网络(GCN)模型基于同配性假设,无法直接应用于异配图的表示学习,且许多异配图表示学习的研究工作受消息传递机制的限制,导致节点特征混淆和特征过度挤压而出现过平滑问题。针对这些问题,提出一种基于Graph Transformer的半监督异配图表示学习模型HPGT(HeteroPhilic Graph Transformer)。首先,使用度连接概率矩阵采样节点的路径邻域,再通过自注意力机制自适应地聚合路径上的节点异配连接模式,编码得到节点的结构信息,用节点的原始属性信息和结构信息构建Transformer层的自注意力模块;其次,将每个节点自身的隐层表示与它的邻域节点的隐层表示分离更新以避免节点通过自注意力模块聚合过量的自身信息,再把每个节点表示与它的邻域表示连接,得到单个Transformer层的输出,另外,将所有的Transformer层的输出跳连到最终的节点隐层表示以防止中间层信息丢失;最后,使用线性层和Softmax层将节点的隐层表示映射到节点的预测标签。实验结果表明,与无结构编码(SE)的模型相比,基于度连接概率的SE能为Transformer层的自注意力模块提供有效的偏差信息,HPGT平均准确率提升0.99%~11.98%;与对比模型相比,在异配数据集(Texas、Cornell、Wisconsin和Actor)上,模型节点分类准确率提升0.21%~1.69%,在同配数据集(Cora、CiteSeer和PubMed)上,节点分类准确率分别达到了0.8379、0.7467和0.8862。以上结果验证了HPGT具有较强的异配图表示学习能力,尤其适用于强异配图节点分类任务。 展开更多
关键词 图卷积网络 异配图 图表示学习 graph Transformer 节点分类
下载PDF
Semantic-aware graph convolution network on multi-hop paths for link prediction
10
作者 彭斐 CHEN Shudong +2 位作者 QI Donglin YU Yong TONG Da 《High Technology Letters》 EI CAS 2023年第3期269-278,共10页
Knowledge graph(KG) link prediction aims to address the problem of missing multiple valid triples in KGs. Existing approaches either struggle to efficiently model the message passing process of multi-hop paths or lack... Knowledge graph(KG) link prediction aims to address the problem of missing multiple valid triples in KGs. Existing approaches either struggle to efficiently model the message passing process of multi-hop paths or lack transparency of model prediction principles. In this paper,a new graph convolutional network path semantic-aware graph convolution network(PSGCN) is proposed to achieve modeling the semantic information of multi-hop paths. PSGCN first uses a random walk strategy to obtain all-hop paths in KGs,then captures the semantics of the paths by Word2Sec and long shortterm memory(LSTM) models,and finally converts them into a potential representation for the graph convolution network(GCN) messaging process. PSGCN combines path-based inference methods and graph neural networks to achieve better interpretability and scalability. In addition,to ensure the robustness of the model,the value of the path thresholdKis experimented on the FB15K-237 and WN18RR datasets,and the final results prove the effectiveness of the model. 展开更多
关键词 knowledge graph(KG) link prediction graph convolution network(gcn) knowledge graph completion(KGC) multi-hop paths semantic information
下载PDF
A Hybrid Model Based on ResNet and GCN for sEMG-Based Gesture Recognition
11
作者 Xianjing Xu Haiyan Jiang 《Journal of Beijing Institute of Technology》 EI CAS 2023年第2期219-229,共11页
The surface electromyography(sEMG)is one of the basic processing techniques to the gesture recognition because of its inherent advantages of easy collection and non-invasion.However,limited by feature extraction and c... The surface electromyography(sEMG)is one of the basic processing techniques to the gesture recognition because of its inherent advantages of easy collection and non-invasion.However,limited by feature extraction and classifier selection,the adaptability and accuracy of the conventional machine learning still need to promote with the increase of the input dimension and the number of output classifications.Moreover,due to the different characteristics of sEMG data and image data,the conventional convolutional neural network(CNN)have yet to fit sEMG signals.In this paper,a novel hybrid model combining CNN with the graph convolutional network(GCN)was constructed to improve the performance of the gesture recognition.Based on the characteristics of sEMG signal,GCN was introduced into the model through a joint voting network to extract the muscle synergy feature of the sEMG signal.Such strategy optimizes the structure and convolution kernel parameters of the residual network(ResNet)with the classification accuracy on the NinaPro DBl up to 90.07%.The experimental results and comparisons confirm the superiority of the proposed hybrid model for gesture recognition from the sEMG signals. 展开更多
关键词 deep learning graph convolutional network(gcn) gesture recognition residual net-work(ResNet) surface electromyographic(sEMG)signals
下载PDF
CINO-TextGCN:融合CINO与TextGCN的藏文文本分类模型研究
12
作者 李果 杨进 陈晨 《高原科学研究》 CSCD 2024年第1期121-129,共9页
为提高藏文新闻文本分类准确性,文章提出一种融合少数民族语言预训练模型(Chinese Minority Pr-etrained Language Model,CINO)和图卷积神经网络模型(Text Graph Convolutional Networks,TextGCN)的方法,即CINO-TextGCN模型。为有效评... 为提高藏文新闻文本分类准确性,文章提出一种融合少数民族语言预训练模型(Chinese Minority Pr-etrained Language Model,CINO)和图卷积神经网络模型(Text Graph Convolutional Networks,TextGCN)的方法,即CINO-TextGCN模型。为有效评测该模型对藏文文本的分类性能,自建了较大规模和较高质量的藏文新闻文本公开数据集TNEWS(https://github.com/LG2016/CINO-TextGCN),通过实验发现,CINO-Text-GCN在公开数据集TNCC上的准确率为74.20%,在TNEWS上为83.96%。因此,该融合模型能够较好地捕捉到藏文文本语义,提升藏文文本分类性能。 展开更多
关键词 藏文 图卷积神经网络 融合模型 新闻文本 文本分类
下载PDF
基于ST-GCN的空中交通管制员不安全行为识别 被引量:2
13
作者 王超 徐楚昕 +1 位作者 董杰 王志锋 《中国安全科学学报》 CAS CSCD 北大核心 2023年第5期42-48,共7页
为预防和监督空中交通管制(ATC)工作中的违章行为,利用智能视频分析技术,研究适用于管制员坐姿工作的不安全行为识别模型。首先,分析管制员不安全工作行为的隐蔽性特征,总结5种典型管制员不安全行为,包括伸懒腰、瞌睡、低头入睡、歪头... 为预防和监督空中交通管制(ATC)工作中的违章行为,利用智能视频分析技术,研究适用于管制员坐姿工作的不安全行为识别模型。首先,分析管制员不安全工作行为的隐蔽性特征,总结5种典型管制员不安全行为,包括伸懒腰、瞌睡、低头入睡、歪头入睡和半躺入睡,并构建管制员不安全工作状态视频数据集(CUWS);其次,提出一种能描述管制员坐姿的骨架关键点拓展算法,基于时空图卷积网络(ST-GCN)搭建适用于管制员坐姿与腿部遮蔽情况下的不安全行为识别模型ATC-ST-GCN,并给出管制员不安全行为识别的工作流程;最后,利用CUWS数据集进行ATC-ST-GCN模型的训练和测试,并利用管制室实际监控视频开展验证试验。结果表明:该模型能够在有限验证数据集上实现5种典型不安全行为识别,准确率达到93.65%。试验结果证明该模型具有一定的科学性与有效性。 展开更多
关键词 时空图卷积网络(ST-gcn) 空中交通管制(ATC) 不安全行为 管制员 行为识别
下载PDF
基于Vocab-GCN的中文医疗文本分类方法
14
作者 杜永兴 孙彤彤 +3 位作者 周李涌 李灵芳 李宝山 弓彦章 《传感器与微系统》 CSCD 北大核心 2023年第8期152-156,共5页
提出一种应用于中文医疗文本分类的基于词汇级的图卷积神经网络(Vocab-GCN)模型。该模型不仅可以直接对医学文本关系图进行学习,在图嵌入中保存关系图的全局结构信息,得到含有语义网络的深层病理关系,而且仅依靠两层卷积神经网络(CNN)... 提出一种应用于中文医疗文本分类的基于词汇级的图卷积神经网络(Vocab-GCN)模型。该模型不仅可以直接对医学文本关系图进行学习,在图嵌入中保存关系图的全局结构信息,得到含有语义网络的深层病理关系,而且仅依靠两层卷积神经网络(CNN)就展现出了良好的学习优势。实验结果表明:基于Vocab-GCN的中文医疗文本分类方法相比于最优的深度学习方法提高了6.17%的分类准确率,适用于患者初步对疾病类型做出诊断。 展开更多
关键词 图卷积神经网络 深度学习 中文医疗文本分类 疾病诊断
下载PDF
基于GCN-GRU组合模型的基坑周边管线沉降预测
15
作者 秦世伟 陆俊宇 《扬州大学学报(自然科学版)》 CAS 北大核心 2023年第4期73-78,共6页
为提高基坑变形预测结果的准确性,在传统的单点时间序列预测基础上,引入监测数据的空间特征对预测方法进行改进.基于图卷积神经网络(graph convolutional network,GCN)和门控循环单元(gate recurrent unit,GRU),构建一种能捕获数据时空... 为提高基坑变形预测结果的准确性,在传统的单点时间序列预测基础上,引入监测数据的空间特征对预测方法进行改进.基于图卷积神经网络(graph convolutional network,GCN)和门控循环单元(gate recurrent unit,GRU),构建一种能捕获数据时空关联性的变形预测模型GCN-GRU,并将其应用于上海某基坑周边管线沉降的变形预测.结果表明,相比于GRU时间序列预测模型,考虑了空间关联性的GCN-GRU模型在单步预测中的均方根误差(root mean square error,RMSE)和平均绝对百分比误差(mean absolute percentage error,MAPE)分别降低了27.3%和25.0%,多步预测中的RMSE和MAPE降低了37.2%和37.3%,预测结果准确性较高.该方法可为同类基坑工程周边管线沉降变形预测提供参考. 展开更多
关键词 基坑工程 变形预测 空间特征 图卷积神经网络 门控循环单元
下载PDF
基于新分区策略的ST-GCN人体动作识别
16
作者 杨世强 李卓 +3 位作者 王金华 贺朵 李琦 李德信 《计算机集成制造系统》 EI CSCD 北大核心 2023年第12期4040-4050,共11页
人体动作识别是智能监控、人机交互、机器人等领域的一项重要技术,基于人体骨架序列的动作识别方法在面对复杂背景以及人体尺度、视角和运动速度等变化时具有先天优势。时空图卷积神经网络模型(ST-GCN)在人体行为识别中具有卓越的识别性... 人体动作识别是智能监控、人机交互、机器人等领域的一项重要技术,基于人体骨架序列的动作识别方法在面对复杂背景以及人体尺度、视角和运动速度等变化时具有先天优势。时空图卷积神经网络模型(ST-GCN)在人体行为识别中具有卓越的识别性能,针对ST-GCN网络模型中的分区策略只关注局部动作的问题,设计了一种新的分区策略,通过关联根节点与更远节点,加强身体各部分信息联系和局部运动之间的联系,将根节点的相邻区域划分为根节点本身、向心群、远向心群、离心群和远离心群等5个区域,同时为各区域赋予不同的权重,提升了模型对整体动作的感知能力。最后,分别在公开数据集和真实场景下进行实验测试,结果表明,在大规模数据集Kinetics-skeleton上获得了31.1%的Top-1分类准确率,相比原模型提升了0.4%;在NTU-RGB+D的两个子数据集上分别获得了83.7%和91.6%的Top-1性能指标,相比原模型提升了2.3%和3.3%;在真实场景下,所提模型对动作变化明显且区别大的动作如俯卧撑和慢跑识别率高,对局部运动和动作变化相近的动作如鼓掌和摇头识别率偏低,尚有进一步提高的空间。 展开更多
关键词 动作识别 深度学习 时空图卷积神经网络模型 分区策略 骨架序列
下载PDF
基于集成GCN-Transformer网络的ENSO预测模型
17
作者 杜先君 李河 《海洋学报》 CAS CSCD 北大核心 2023年第12期156-165,共10页
厄尔尼诺-南方涛动(El Niño-Southern Oscillation, ENSO)是热带太平洋海表面温度发生异常的现象,会导致冰雹、洪水、台风等极端天气的出现,因此对ENSO的准确预测意义重大。本文设计了集成GCN-Transformer(GCNTR)模型,首先运用Tran... 厄尔尼诺-南方涛动(El Niño-Southern Oscillation, ENSO)是热带太平洋海表面温度发生异常的现象,会导致冰雹、洪水、台风等极端天气的出现,因此对ENSO的准确预测意义重大。本文设计了集成GCN-Transformer(GCNTR)模型,首先运用Transformer网络的全局特征聚焦能力对数据特征进行编码,然后结合GCN提取图数据特征的能力,最后引入特征融合门控机制将经过编码的特征和GCN提取的特征进行融合,实现ENSO的精确预测。结果表明,GCNTR模型实现了对ENSO提前20个月的预测,比ENSOTR多了3个月,比Transformer多了5个月,并且模型绝大部分的预测精度优于其他模型。与现有的方法相比,GCNTR模型能够实现对ENSO更好的预测。 展开更多
关键词 厄尔尼诺-南方涛动 图卷积神经网络 TRANSFORMER gcnTR
下载PDF
基于多特征融合的GraphHeat-ChebNet隧道形变预测模型
18
作者 熊安萍 李梦凡 龙林波 《重庆邮电大学学报(自然科学版)》 CSCD 北大核心 2023年第1期164-175,共12页
对隧道的形变进行预测是隧道结构异常检测的内容之一。为了充分挖掘形变特征的时空关联性,针对隧道内衬多个断面的形变同时预测,提出一种基于多特征融合的GraphHeat-ChebNet隧道形变预测模型。所提模型中利用GraphHeat和ChebNet这2种图... 对隧道的形变进行预测是隧道结构异常检测的内容之一。为了充分挖掘形变特征的时空关联性,针对隧道内衬多个断面的形变同时预测,提出一种基于多特征融合的GraphHeat-ChebNet隧道形变预测模型。所提模型中利用GraphHeat和ChebNet这2种图卷积网络(graph convolution net,GCN)分别提取特征信号的低频和高频部分,并获取形变特征的空间关联性,ConvGRUs网络用于提取特征在时间上的关联性,通过三阶段融合方法保留挖掘的信息。为了解决实验数据在时间维度上不充足的问题,引入双层滑动窗口机制。此外,所提模型与其他模型或算法在不同数据集上实验比较,衡量一天和两天预测值的误差指标优于其他模型,而且对大部分节点预测的误差较低。说明模型受样本节点数影响较小,能较好地预测一天和两天的形变,模型学习特征与时空模式的能力较强,泛化性较好。 展开更多
关键词 隧道形变 预测模型 融合时空数据 滑动窗口 图卷积网络(gcn)
下载PDF
Ripple Knowledge Graph Convolutional Networks for Recommendation Systems
19
作者 Chen Li Yang Cao +3 位作者 Ye Zhu Debo Cheng Chengyuan Li Yasuhiko Morimoto 《Machine Intelligence Research》 EI CSCD 2024年第3期481-494,共14页
Using knowledge graphs to assist deep learning models in making recommendation decisions has recently been proven to effectively improve the model′s interpretability and accuracy.This paper introduces an end-to-end d... Using knowledge graphs to assist deep learning models in making recommendation decisions has recently been proven to effectively improve the model′s interpretability and accuracy.This paper introduces an end-to-end deep learning model,named representation-enhanced knowledge graph convolutional networks(RKGCN),which dynamically analyses each user′s preferences and makes a recommendation of suitable items.It combines knowledge graphs on both the item side and user side to enrich their representations to maximize the utilization of the abundant information in knowledge graphs.RKGCN is able to offer more personalized and relevant recommendations in three different scenarios.The experimental results show the superior effectiveness of our model over 5 baseline models on three real-world datasets including movies,books,and music. 展开更多
关键词 Deep learning recommendation systems knowledge graph graph convolutional networks(gcns) graph neural networks(GNNs)
原文传递
Graph convolutional network combined with random walks and graph attention network for node classification
20
作者 Chen Yong Xie Xiaozhu Weng Wei 《The Journal of China Universities of Posts and Telecommunications》 EI CSCD 2024年第3期1-14,共14页
Graph conjoint attention(CAT)network is one of the best graph convolutional networks(GCNs)frameworks,which uses a weighting mechanism to identify important neighbor nodes.However,this weighting mechanism is learned ba... Graph conjoint attention(CAT)network is one of the best graph convolutional networks(GCNs)frameworks,which uses a weighting mechanism to identify important neighbor nodes.However,this weighting mechanism is learned based on static information,which means it is susceptible to noisy nodes and edges,resulting in significant limitations.In this paper,a method is proposed to obtain context dynamically based on random walk,which allows the context-based weighting mechanism to better avoid noise interference.Furthermore,the proposed context-based weighting mechanism is combined with the node content-based weighting mechanism of the graph attention(GAT)network to form a model based on a mixed weighting mechanism.The model is named as the context-based and content-based graph convolutional network(CCGCN).CCGCN can better discover important neighbors,eliminate noise edges,and learn node embedding by message passing.Experiments show that CCGCN achieves state-of-the-art performance on node classification tasks in multiple datasets. 展开更多
关键词 graph neural network(GNN) graph convolutional network(gcn) semi-supervised classification graph analysis
原文传递
上一页 1 2 17 下一页 到第
使用帮助 返回顶部