期刊文献+
共找到77,691篇文章
< 1 2 250 >
每页显示 20 50 100
基于YOLO5Face重分布的小尺度人脸检测方法
1
作者 惠康华 刘畅 《计算机仿真》 2024年第3期206-213,共8页
针对复杂场景下小尺度人脸检测精度较低的问题,提出了一种基于YOLO5Face重分布的小尺度人脸检测方法。方法以YOLO5Face为基础,在网络浅层引入改进的CBAM注意力并对模型计算重分布,提升复杂场景下小尺度人脸检测精度的同时降低模型参数量... 针对复杂场景下小尺度人脸检测精度较低的问题,提出了一种基于YOLO5Face重分布的小尺度人脸检测方法。方法以YOLO5Face为基础,在网络浅层引入改进的CBAM注意力并对模型计算重分布,提升复杂场景下小尺度人脸检测精度的同时降低模型参数量;采用融合mixup的数据增强方法,充分训练模型小尺度人脸检测分支;依据人脸检测特性,将softmax损失作为分类损失以最大化类间特征的差异。在WiderFace各个子集上的实验结果表明,与主流人脸检测方法相比,改进后的模型满足实时性的同时,小尺度人脸检测精度较高,其中Hard子集检测精度比YOLO5Face提升2个百分点。 展开更多
关键词 人脸检测 小尺度 计算重分布 分类损失
下载PDF
VR/AR-AdaptFace:面向虚拟现实与增强现实的自适应多模态面部替换模型
2
作者 靳聪 周满玲 +3 位作者 林美秀 张佳一 王晶 刘淼 《中国传媒大学学报(自然科学版)》 2024年第4期55-63,共9页
随着VR/AR技术的迅猛发展,用户对于沉浸式体验的需求日益增长。同时,虚拟人脸技术亦趋成熟。基于此,本文探索将高度拟真的虚拟人脸融入VR/AR,以增强用户体验的自然度与沉浸感。然而,在虚拟数字人领域,图像生成及换脸技术在VR/AR环境下... 随着VR/AR技术的迅猛发展,用户对于沉浸式体验的需求日益增长。同时,虚拟人脸技术亦趋成熟。基于此,本文探索将高度拟真的虚拟人脸融入VR/AR,以增强用户体验的自然度与沉浸感。然而,在虚拟数字人领域,图像生成及换脸技术在VR/AR环境下仍遇诸多挑战,尤其是唇形合成模型在动态场景及多语言环境下的性能需进一步优化。为解决上述问题,本文提出VR/AR-AdaptFace模型,一个面向虚拟现实与增强现实的自适应多模态面部替换方案。该模型由两大模块构成:“文颜绘真”模块,采用先进的文本至图像转换技术和特定类别先验保存策略,优化虚拟人脸生成,并通过注意力机制大幅提升图像质量;“语唇映生”模块,依托强大的生成器、唇形同步判别器及视觉质量判别器,实现语音与唇形的精准同步,为VR/AR场景中的动态交互带来更加逼真的体验。 展开更多
关键词 人脸合成 细节增强模型 动态视频唇形合成 虚拟现实 增强现实
下载PDF
基于Graph Transformer的半监督异配图表示学习模型
3
作者 黎施彬 龚俊 汤圣君 《计算机应用》 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
Graph Transformers研究进展综述
4
作者 周诚辰 于千城 +2 位作者 张丽丝 胡智勇 赵明智 《计算机工程与应用》 CSCD 北大核心 2024年第14期37-49,共13页
随着图结构数据在各种实际场景中的广泛应用,对其进行有效建模和处理的需求日益增加。Graph Transformers(GTs)作为一类使用Transformers处理图数据的模型,能够有效缓解传统图神经网络(GNN)中存在的过平滑和过挤压等问题,因此可以学习... 随着图结构数据在各种实际场景中的广泛应用,对其进行有效建模和处理的需求日益增加。Graph Transformers(GTs)作为一类使用Transformers处理图数据的模型,能够有效缓解传统图神经网络(GNN)中存在的过平滑和过挤压等问题,因此可以学习到更好的特征表示。根据对近年来GTs相关文献的研究,将现有的模型架构分为两类:第一类通过绝对编码和相对编码向Transformers中加入图的位置和结构信息,以增强Transformers对图结构数据的理解和处理能力;第二类根据不同的方式(串行、交替、并行)将GNN与Transformers进行结合,以充分利用两者的优势。介绍了GTs在信息安全、药物发现和知识图谱等领域的应用,对比总结了不同用途的模型及其优缺点。最后,从可扩展性、复杂图、更好的结合方式等方面分析了GTs未来研究面临的挑战。 展开更多
关键词 graph Transformers(GTs) 图神经网络 图表示学习 异构图
下载PDF
GraphMLP-Mixer:基于图-多层感知机架构的高效多行为序列推荐方法
5
作者 卢晓凯 封军 +2 位作者 韩永强 王皓 陈恩红 《计算机研究与发展》 EI CSCD 北大核心 2024年第8期1917-1929,共13页
在多行为序列推荐领域,图神经网络(GNNs)虽被广泛应用,但存在局限性,如对序列间协同信号建模不足和处理长距离依赖性等问题.针对这些问题,提出了一种新的解决框架GraphMLP-Mixer.该框架首先构造全局物品图来增强模型对序列间协同信号的... 在多行为序列推荐领域,图神经网络(GNNs)虽被广泛应用,但存在局限性,如对序列间协同信号建模不足和处理长距离依赖性等问题.针对这些问题,提出了一种新的解决框架GraphMLP-Mixer.该框架首先构造全局物品图来增强模型对序列间协同信号的建模,然后将感知机-混合器架构与图神经网络结合,得到图-感知机混合器模型对用户兴趣进行充分挖掘.GraphMLP-Mixer具有2个显著优势:一是能够有效捕捉用户行为的全局依赖性,同时减轻信息过压缩问题;二是其时间与空间效率显著提高,其复杂度与用户交互行为的数量成线性关系,优于现有基于GNN多行为序列推荐模型.在3个真实的公开数据集上进行实验,大量的实验结果验证了GraphMLP-Mixer在处理多行为序列推荐问题时的有效性和高效性. 展开更多
关键词 多行为建模 序列推荐 图神经网络 MLP架构 全局物品图
下载PDF
基于SSD与FaceNet的人脸识别系统设计
6
作者 李政林 吴志运 +1 位作者 熊禹 尹希庆 《广西科技大学学报》 CAS 2024年第1期94-99,共6页
人脸识别技术广泛应用于考勤管理、移动支付等智慧建设中。伴随着常态化的口罩干扰,传统人脸识别算法已无法满足实际应用需求,为此,本文利用深度学习模型SSD以及FaceNet模型对人脸识别系统展开设计。首先,为消除现有数据集中亚洲人脸占... 人脸识别技术广泛应用于考勤管理、移动支付等智慧建设中。伴随着常态化的口罩干扰,传统人脸识别算法已无法满足实际应用需求,为此,本文利用深度学习模型SSD以及FaceNet模型对人脸识别系统展开设计。首先,为消除现有数据集中亚洲人脸占比小造成的类内间距变化差距不明显的问题,在CAS-IA Web Face公开数据集的基础上对亚洲人脸数据进行扩充;其次,为解决不同口罩样式对特征提取的干扰,使用SSD人脸检测模型与DLIB人脸关键点检测模型提取人脸关键点,并利用人脸关键点与口罩的空间位置关系,额外随机生成不同的口罩人脸,组成混合数据集;最后,在混合数据集上进行模型训练并将训练好的模型移植到人脸识别系统中,进行检测速度与识别精度验证。实验结果表明,系统的实时识别速度达20 fps以上,人脸识别模型准确率在构建的混合数据集中达到97.1%,在随机抽取的部分LFW数据集验证的准确率达99.7%,故而该系统可满足实际应用需求,在一定程度上提高人脸识别的鲁棒性与准确性。 展开更多
关键词 类内间距 人脸检测 人脸识别
下载PDF
A STABILITY RESULT FOR TRANSLATINGSPACELIKE GRAPHS IN LORENTZ MANIFOLDS
7
作者 高雅 毛井 吴传喜 《Acta Mathematica Scientia》 SCIE CSCD 2024年第2期474-483,共10页
In this paper,we investigate spacelike graphs defined over a domain Ω⊂M^(n) in the Lorentz manifold M^(n)×ℝ with the metric−ds^(2)+σ,where M^(n) is a complete Riemannian n-manifold with the metricσ,Ωhas piece... In this paper,we investigate spacelike graphs defined over a domain Ω⊂M^(n) in the Lorentz manifold M^(n)×ℝ with the metric−ds^(2)+σ,where M^(n) is a complete Riemannian n-manifold with the metricσ,Ωhas piecewise smooth boundary,and ℝ denotes the Euclidean 1-space.We prove an interesting stability result for translating spacelike graphs in M^(n)×ℝ under a conformal transformation. 展开更多
关键词 mean curvature flow spacelike graphs translating spacelike graphs maximal spacelike graphs constant mean curvature Lorentz manifolds
下载PDF
Stability analysis of tunnel face reinforced with face bolts
8
作者 TIAN Chongming JIANG Yin +3 位作者 YE Fei OUYANG Aohui HAN Xingbo SONG Guifeng 《Journal of Mountain Science》 SCIE CSCD 2024年第7期2445-2461,共17页
Face bolting has been widely utilized to enhance the stability of tunnel face,particularly in soft soil tunnels.However,the influence of bolt reinforcement and its layout on tunnel face stability has not been systemat... Face bolting has been widely utilized to enhance the stability of tunnel face,particularly in soft soil tunnels.However,the influence of bolt reinforcement and its layout on tunnel face stability has not been systematically studied.Based on the theory of linear elastic mechanics,this study delved into the specific mechanisms of bolt reinforcement on the tunnel face in both horizontal and vertical dimensions.It also identified the primary failure types of bolts.Additionally,a design approach for tunnel face bolts that incorporates spatial layout was established using the limit equilibrium method to enhance the conventional wedge-prism model.The proposed model was subsequently validated through various means,and the specific influence of relevant bolt design parameters on tunnel face stability was analyzed.Furthermore,design principles for tunnel face bolts under different geological conditions were presented.The findings indicate that bolt failure can be categorized into three stages:tensile failure,pullout failure,and comprehensive failure.Increasing cohesion,internal friction angle,bolt density,and overlap length can effectively enhance tunnel face stability.Due to significant variations in stratum conditions,tailored design approaches based on specific failure stages are necessary for bolt design. 展开更多
关键词 Highway tunnels Tunnel face face bolts Limit equilibrium method Slice method
下载PDF
基于改进YOLOv5s-face的Face5系列人脸检测算法
9
作者 徐铭 李华 《重庆理工大学学报(自然科学)》 CAS 北大核心 2024年第6期194-202,共9页
针对人脸检测中小尺度人脸和遮挡人脸的漏检问题,提出了一种基于改进YOLOv5s-face(you only look once version 5 small-face)的Face5系列人脸检测算法Face5S(face5 small)和Face5M(face5 medium)。使用马赛克(mosaic)和图像混合(mixup... 针对人脸检测中小尺度人脸和遮挡人脸的漏检问题,提出了一种基于改进YOLOv5s-face(you only look once version 5 small-face)的Face5系列人脸检测算法Face5S(face5 small)和Face5M(face5 medium)。使用马赛克(mosaic)和图像混合(mixup)数据增强方法,提升算法在复杂场景下检测人脸的泛化性和稳定性;通过改进C3的网络结构和引入可变形卷积(DCNv2)降低算法的参数量,提高算法提取特征的灵活性;通过引入特征的内容感知重组上采样算子(CARAFE),提高多尺度人脸的检测性能;引入损失函数WIoUV3(wise intersection over union version 3),提升算法的小尺度人脸检测性能。实验结果表明,在WIDER FACE验证集上,相较于YOLOv5s-face算法,Face5S算法的平均mAP@0.5提升了1.03%;相较于先进的人脸检测算法ASFD-D3(automatic and scalable face detector-D3)和TinaFace,Face5M算法的平均mAP@0.5分别提升了1.07%和2.11%,提出的Face5系列算法能够有效提升算法对小尺度和部分遮挡人脸的检测性能,同时具有实时性。 展开更多
关键词 人脸检测 损失函数 目标检测 密集小尺度人脸 YOLOv5
下载PDF
A Value for Games Defined on Graphs
10
作者 Néstor Bravo 《Applied Mathematics》 2024年第5期331-348,共18页
Given a graph g=( V,A ) , we define a space of subgraphs M with the binary operation of union and the unique decomposition property into blocks. This space allows us to discuss a notion of minimal subgraphs (minimal c... Given a graph g=( V,A ) , we define a space of subgraphs M with the binary operation of union and the unique decomposition property into blocks. This space allows us to discuss a notion of minimal subgraphs (minimal coalitions) that are of interest for the game. Additionally, a partition of the game is defined in terms of the gain of each block, and subsequently, a solution to the game is defined based on distributing to each player (node and edge) present in each block a payment proportional to their contribution to the coalition. 展开更多
关键词 graph Theory Values for graphs Cooperation Games Potential Function
下载PDF
Heterophilic Graph Neural Network Based on Spatial and Frequency Domain Adaptive Embedding Mechanism
11
作者 Lanze Zhang Yijun Gu Jingjie Peng 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第5期1701-1731,共31页
Graph Neural Networks(GNNs)play a significant role in tasks related to homophilic graphs.Traditional GNNs,based on the assumption of homophily,employ low-pass filters for neighboring nodes to achieve information aggre... Graph Neural Networks(GNNs)play a significant role in tasks related to homophilic graphs.Traditional GNNs,based on the assumption of homophily,employ low-pass filters for neighboring nodes to achieve information aggregation and embedding.However,in heterophilic graphs,nodes from different categories often establish connections,while nodes of the same category are located further apart in the graph topology.This characteristic poses challenges to traditional GNNs,leading to issues of“distant node modeling deficiency”and“failure of the homophily assumption”.In response,this paper introduces the Spatial-Frequency domain Adaptive Heterophilic Graph Neural Networks(SFA-HGNN),which integrates adaptive embedding mechanisms for both spatial and frequency domains to address the aforementioned issues.Specifically,for the first problem,we propose the“Distant Spatial Embedding Module”,aiming to select and aggregate distant nodes through high-order randomwalk transition probabilities to enhance modeling capabilities.For the second issue,we design the“Proximal Frequency Domain Embedding Module”,constructing adaptive filters to separate high and low-frequency signals of nodes,and introduce frequency-domain guided attention mechanisms to fuse the relevant information,thereby reducing the noise introduced by the failure of the homophily assumption.We deploy the SFA-HGNN on six publicly available heterophilic networks,achieving state-of-the-art results in four of them.Furthermore,we elaborate on the hyperparameter selection mechanism and validate the performance of each module through experimentation,demonstrating a positive correlation between“node structural similarity”,“node attribute vector similarity”,and“node homophily”in heterophilic networks. 展开更多
关键词 Heterophilic graph graph neural network graph representation learning failure of the homophily assumption
下载PDF
Weighted Forwarding in Graph Convolution Networks for Recommendation Information Systems
12
作者 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
An End-To-End Hyperbolic Deep Graph Convolutional Neural Network Framework
13
作者 Yuchen Zhou Hongtao Huo +5 位作者 Zhiwen Hou Lingbin Bu Yifan Wang Jingyi Mao Xiaojun Lv Fanliang Bu 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第4期537-563,共27页
Graph Convolutional Neural Networks(GCNs)have been widely used in various fields due to their powerful capabilities in processing graph-structured data.However,GCNs encounter significant challenges when applied to sca... Graph Convolutional Neural Networks(GCNs)have been widely used in various fields due to their powerful capabilities in processing graph-structured data.However,GCNs encounter significant challenges when applied to scale-free graphs with power-law distributions,resulting in substantial distortions.Moreover,most of the existing GCN models are shallow structures,which restricts their ability to capture dependencies among distant nodes and more refined high-order node features in scale-free graphs with hierarchical structures.To more broadly and precisely apply GCNs to real-world graphs exhibiting scale-free or hierarchical structures and utilize multi-level aggregation of GCNs for capturing high-level information in local representations,we propose the Hyperbolic Deep Graph Convolutional Neural Network(HDGCNN),an end-to-end deep graph representation learning framework that can map scale-free graphs from Euclidean space to hyperbolic space.In HDGCNN,we define the fundamental operations of deep graph convolutional neural networks in hyperbolic space.Additionally,we introduce a hyperbolic feature transformation method based on identity mapping and a dense connection scheme based on a novel non-local message passing framework.In addition,we present a neighborhood aggregation method that combines initial structural featureswith hyperbolic attention coefficients.Through the above methods,HDGCNN effectively leverages both the structural features and node features of graph data,enabling enhanced exploration of non-local structural features and more refined node features in scale-free or hierarchical graphs.Experimental results demonstrate that HDGCNN achieves remarkable performance improvements over state-ofthe-art GCNs in node classification and link prediction tasks,even when utilizing low-dimensional embedding representations.Furthermore,when compared to shallow hyperbolic graph convolutional neural network models,HDGCNN exhibits notable advantages and performance enhancements. 展开更多
关键词 graph neural networks hyperbolic graph convolutional neural networks deep graph convolutional neural networks message passing framework
下载PDF
A Generalization of Torsion Graph for Modules
14
作者 Mohammad Jarrar 《Applied Mathematics》 2024年第7期469-476,共8页
Let R be a commutative ring with identity and M an R-module. In this paper, we relate a graph to M, say Γ(M), provided tsshat when M=R, Γ(M)is exactly the classic zero-divisor graph.
关键词 Commutative Ring graph Anihilator
下载PDF
BLOW-UP CONDITIONS FOR A SEMILINEAR PARABOLIC SYSTEM ON LOCALLY FINITE GRAPHS
15
作者 吴艺婷 《Acta Mathematica Scientia》 SCIE CSCD 2024年第2期609-631,共23页
In this paper, we investigate a blow-up phenomenon for a semilinear parabolic system on locally finite graphs. Under some appropriate assumptions on the curvature condition CDE’(n,0), the polynomial volume growth of ... In this paper, we investigate a blow-up phenomenon for a semilinear parabolic system on locally finite graphs. Under some appropriate assumptions on the curvature condition CDE’(n,0), the polynomial volume growth of degree m, the initial values, and the exponents in absorption terms, we prove that every non-negative solution of the semilinear parabolic system blows up in a finite time. Our current work extends the results achieved by Lin and Wu (Calc Var Partial Differ Equ, 2017, 56: Art 102) and Wu (Rev R Acad Cien Serie A Mat, 2021, 115: Art 133). 展开更多
关键词 semilinear parabolic system on graphs BLOW-UP heat kernel estimate on graphs
下载PDF
A Sharding Scheme Based on Graph Partitioning Algorithm for Public Blockchain
16
作者 Shujiang Xu Ziye Wang +4 位作者 Lianhai Wang Miodrag J.Mihaljevi′c Shuhui Zhang Wei Shao Qizheng Wang 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第6期3311-3327,共17页
Blockchain technology,with its attributes of decentralization,immutability,and traceability,has emerged as a powerful catalyst for enhancing traditional industries in terms of optimizing business processes.However,tra... Blockchain technology,with its attributes of decentralization,immutability,and traceability,has emerged as a powerful catalyst for enhancing traditional industries in terms of optimizing business processes.However,transaction performance and scalability has become the main challenges hindering the widespread adoption of blockchain.Due to its inability to meet the demands of high-frequency trading,blockchain cannot be adopted in many scenarios.To improve the transaction capacity,researchers have proposed some on-chain scaling technologies,including lightning networks,directed acyclic graph technology,state channels,and shardingmechanisms,inwhich sharding emerges as a potential scaling technology.Nevertheless,excessive cross-shard transactions and uneven shard workloads prevent the sharding mechanism from achieving the expected aim.This paper proposes a graphbased sharding scheme for public blockchain to efficiently balance the transaction distribution.Bymitigating crossshard transactions and evening-out workloads among shards,the scheme reduces transaction confirmation latency and enhances the transaction capacity of the blockchain.Therefore,the scheme can achieve a high-frequency transaction as well as a better blockchain scalability.Experiments results show that the scheme effectively reduces the cross-shard transaction ratio to a range of 35%-56%and significantly decreases the transaction confirmation latency to 6 s in a blockchain with no more than 25 shards. 展开更多
关键词 Blockchain sharding graph partitioning algorithm
下载PDF
Sparse representation scheme with enhanced medium pixel intensity for face recognition
17
作者 Xuexue Zhang Yongjun Zhang +3 位作者 Zewei Wang Wei Long Weihao Gao Bob Zhang 《CAAI Transactions on Intelligence Technology》 SCIE EI 2024年第1期116-127,共12页
Sparse representation is an effective data classification algorithm that depends on the known training samples to categorise the test sample.It has been widely used in various image classification tasks.Sparseness in ... Sparse representation is an effective data classification algorithm that depends on the known training samples to categorise the test sample.It has been widely used in various image classification tasks.Sparseness in sparse representation means that only a few of instances selected from all training samples can effectively convey the essential class-specific information of the test sample,which is very important for classification.For deformable images such as human faces,pixels at the same location of different images of the same subject usually have different intensities.Therefore,extracting features and correctly classifying such deformable objects is very hard.Moreover,the lighting,attitude and occlusion cause more difficulty.Considering the problems and challenges listed above,a novel image representation and classification algorithm is proposed.First,the authors’algorithm generates virtual samples by a non-linear variation method.This method can effectively extract the low-frequency information of space-domain features of the original image,which is very useful for representing deformable objects.The combination of the original and virtual samples is more beneficial to improve the clas-sification performance and robustness of the algorithm.Thereby,the authors’algorithm calculates the expression coefficients of the original and virtual samples separately using the sparse representation principle and obtains the final score by a designed efficient score fusion scheme.The weighting coefficients in the score fusion scheme are set entirely automatically.Finally,the algorithm classifies the samples based on the final scores.The experimental results show that our method performs better classification than conventional sparse representation algorithms. 展开更多
关键词 computer vision face recognition image classification image representation
下载PDF
Anomaly Detection Algorithm of Power System Based on Graph Structure and Anomaly Attention
18
作者 Yifan Gao Jieming Zhang +1 位作者 Zhanchen Chen Xianchao Chen 《Computers, Materials & Continua》 SCIE EI 2024年第4期493-507,共15页
In this paper, we propose a novel anomaly detection method for data centers based on a combination of graphstructure and abnormal attention mechanism. The method leverages the sensor monitoring data from targetpower s... In this paper, we propose a novel anomaly detection method for data centers based on a combination of graphstructure and abnormal attention mechanism. The method leverages the sensor monitoring data from targetpower substations to construct multidimensional time series. These time series are subsequently transformed intograph structures, and corresponding adjacency matrices are obtained. By incorporating the adjacency matricesand additional weights associated with the graph structure, an aggregation matrix is derived. The aggregationmatrix is then fed into a pre-trained graph convolutional neural network (GCN) to extract graph structure features.Moreover, both themultidimensional time series segments and the graph structure features are inputted into a pretrainedanomaly detectionmodel, resulting in corresponding anomaly detection results that help identify abnormaldata. The anomaly detection model consists of a multi-level encoder-decoder module, wherein each level includesa transformer encoder and decoder based on correlation differences. The attention module in the encoding layeradopts an abnormal attention module with a dual-branch structure. Experimental results demonstrate that ourproposed method significantly improves the accuracy and stability of anomaly detection. 展开更多
关键词 Anomaly detection TRANSFORMER graph structure
下载PDF
Algorithm for Visualization of Zero Divisor Graphs of the Ring ℤn Using MAPLE Coding
19
作者 Nasir Ali 《Open Journal of Discrete Mathematics》 2024年第1期1-8,共8页
This research investigates the comparative efficacy of generating zero divisor graphs (ZDGs) of the ring of integers ℤ<sub>n</sub> modulo n using MAPLE algorithm. Zero divisor graphs, pivotal in the study ... This research investigates the comparative efficacy of generating zero divisor graphs (ZDGs) of the ring of integers ℤ<sub>n</sub> modulo n using MAPLE algorithm. Zero divisor graphs, pivotal in the study of ring theory, depict relationships between elements of a ring that multiply to zero. The paper explores the development and implementation of algorithms in MAPLE for constructing these ZDGs. The comparative study aims to discern the strengths, limitations, and computational efficiency of different MAPLE algorithms for creating zero divisor graphs offering insights for mathematicians, researchers, and computational enthusiasts involved in ring theory and mathematical computations. 展开更多
关键词 Zero Divisor graph Ring Theory Maple Algorithm n Modulo n graph Theory Mathematical Computing
下载PDF
Feature Matching via Topology-Aware Graph Interaction Model
20
作者 Yifan Lu Jiayi Ma +2 位作者 Xiaoguang Mei Jun Huang Xiao-Ping Zhang 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第1期113-130,共18页
Feature matching plays a key role in computer vision. However, due to the limitations of the descriptors, the putative matches are inevitably contaminated by massive outliers.This paper attempts to tackle the outlier ... Feature matching plays a key role in computer vision. However, due to the limitations of the descriptors, the putative matches are inevitably contaminated by massive outliers.This paper attempts to tackle the outlier filtering problem from two aspects. First, a robust and efficient graph interaction model,is proposed, with the assumption that matches are correlated with each other rather than independently distributed. To this end, we construct a graph based on the local relationships of matches and formulate the outlier filtering task as a binary labeling energy minimization problem, where the pairwise term encodes the interaction between matches. We further show that this formulation can be solved globally by graph cut algorithm. Our new formulation always improves the performance of previous localitybased method without noticeable deterioration in processing time,adding a few milliseconds. Second, to construct a better graph structure, a robust and geometrically meaningful topology-aware relationship is developed to capture the topology relationship between matches. The two components in sum lead to topology interaction matching(TIM), an effective and efficient method for outlier filtering. Extensive experiments on several large and diverse datasets for multiple vision tasks including general feature matching, as well as relative pose estimation, homography and fundamental matrix estimation, loop-closure detection, and multi-modal image matching, demonstrate that our TIM is more competitive than current state-of-the-art methods, in terms of generality, efficiency, and effectiveness. The source code is publicly available at http://github.com/YifanLu2000/TIM. 展开更多
关键词 Feature matching graph cut outlier filtering topology preserving
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部