期刊文献+
共找到39,989篇文章
< 1 2 250 >
每页显示 20 50 100
ESTIMATION OF AVERAGE DIFFERENTIAL ENTROPY FOR A STATIONARY ERGODIC SPACE-TIME RANDOM FIELD ON A BOUNDED AREA
1
作者 Zhanjie SONG Jiaxing ZHANG 《Acta Mathematica Scientia》 SCIE CSCD 2024年第5期1984-1996,共13页
In this paper,we mainly discuss a discrete estimation of the average differential entropy for a continuous time-stationary ergodic space-time random field.By estimating the probability value of a time-stationary rando... In this paper,we mainly discuss a discrete estimation of the average differential entropy for a continuous time-stationary ergodic space-time random field.By estimating the probability value of a time-stationary random field in a small range,we give an entropy estimation and obtain the average entropy estimation formula in a certain bounded space region.It can be proven that the estimation of the average differential entropy converges to the theoretical value with a probability of 1.In addition,we also conducted numerical experiments for different parameters to verify the convergence result obtained in the theoretical proofs. 展开更多
关键词 differential entropy STATIONARY ERGODICITY space-time random field time series
下载PDF
Robust Space-Time Adaptive Track-Before-Detect Algorithm Based on Persymmetry and Symmetric Spectrum
2
作者 Xiaojing Su Da Xu +1 位作者 Dongsheng Zhu Zhixun Ma 《Journal of Beijing Institute of Technology》 EI CAS 2024年第1期65-74,共10页
Underwater monopulse space-time adaptive track-before-detect method,which combines space-time adaptive detector(STAD)and the track-before-detect algorithm based on dynamic programming(DP-TBD),denoted as STAD-DP-TBD,ca... Underwater monopulse space-time adaptive track-before-detect method,which combines space-time adaptive detector(STAD)and the track-before-detect algorithm based on dynamic programming(DP-TBD),denoted as STAD-DP-TBD,can effectively detect low-speed weak targets.However,due to the complexity and variability of the underwater environment,it is difficult to obtain sufficient secondary data,resulting in a serious decline in the detection and tracking performance,and leading to poor robustness of the algorithm.In this paper,based on the adaptive matched filter(AMF)test and the RAO test,underwater monopulse AMF-DP-TBD algorithm and RAO-DP-TBD algorithm which incorporate persymmetry and symmetric spectrum,denoted as PSAMF-DP-TBD and PS-RAO-DP-TBD,are proposed and compared with the AMF-DP-TBD algorithm and RAO-DP-TBD algorithm based on persymmetry array,denoted as P-AMF-DP-TBD and P-RAO-DP-TBD.The simulation results show that the four methods can work normally with sufficient secondary data and slightly insufficient secondary data,but when the secondary data is severely insufficient,the P-AMF-DP-TBD and P-RAO-DP-TBD algorithms has failed while the PSAMF-DP-TBD and PS-RAO-DP-TBD algorithms still have good detection and tracking capabilities. 展开更多
关键词 space-time adaptive detection track before detect ROBUSTNESS persymmetric property symmetric spectrum AMF test RAO test
下载PDF
Curved Space-Time at the Planck Scale
3
作者 Lewis Nash 《Journal of High Energy Physics, Gravitation and Cosmology》 CAS 2024年第1期167-179,共13页
This paper presents a physically plausible and somewhat illuminating first step in extending the fundamental principles of mechanical stress and strain to space-time. Here the geometry of space-time, encoded in the me... This paper presents a physically plausible and somewhat illuminating first step in extending the fundamental principles of mechanical stress and strain to space-time. Here the geometry of space-time, encoded in the metric tensor, is considered to be made up of a dynamic lattice of extremely small, localized fields that form a perfectly elastic Lorentz symmetric space-time at the global (macroscopic) scale. This theoretical model of space-time at the Planck scale leads to a somewhat surprising result in which matter waves in curved space-time radiate thermal gravitational energy, as well as an equally intriguing relationship for the anomalous dispersion of light in a gravitational field. 展开更多
关键词 Schwarzschild space-time Continuum Mechanics Planck Lattice Gravitational Radiation
下载PDF
Virtually coupled train set control subject to space-time separation:A distributed economic MPC approach with emergency braking configuration
4
作者 Xiaolin Luo Tao Tang +1 位作者 Le Wang Hongjie Liu 《High-Speed Railway》 2024年第3期143-152,共10页
The emerging virtual coupling technology aims to operate multiple train units in a Virtually Coupled Train Set(VCTS)at a minimal but safe distance.To guarantee collision avoidance,the safety distance should be calcula... The emerging virtual coupling technology aims to operate multiple train units in a Virtually Coupled Train Set(VCTS)at a minimal but safe distance.To guarantee collision avoidance,the safety distance should be calculated using the state-of-the-art space-time separation principle that separates the Emergency Braking(EB)trajectories of two successive units during the whole EB process.In this case,the minimal safety distance is usually numerically calculated without an analytic formulation.Thus,the constrained VCTS control problem is hard to address with space-time separation,which is still a gap in the existing literature.To solve this problem,we propose a Distributed Economic Model Predictive Control(DEMPC)approach with computation efficiency and theoretical guarantee.Specifically,to alleviate the computation burden,we transform implicit safety constraints into explicitly linear ones,such that the optimal control problem in DEMPC is a quadratic programming problem that can be solved efficiently.For theoretical analysis,sufficient conditions are derived to guarantee the recursive feasibility and stability of DEMPC,employing compatibility constraints,tube techniques and terminal ingredient tuning.Moreover,we extend our approach with globally optimal and distributed online EB configuration methods to shorten the minimal distance among VCTS.Finally,experimental results demonstrate the performance and advantages of the proposed approaches. 展开更多
关键词 Virtually coupled train set space-time separation Economic model predictive control Distributed model predictive control Emergency braking configuration
下载PDF
Graph Transformers研究进展综述 被引量:1
5
作者 周诚辰 于千城 +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
基于Graph Transformer的半监督异配图表示学习模型
6
作者 黎施彬 龚俊 汤圣君 《计算机应用》 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
REAL PALEY-WIENER THEOREMS FOR THE SPACE-TIME FOURIER TRANSFORM
7
作者 Youssef EL HAOUI Mohra ZAYED 《Acta Mathematica Scientia》 SCIE CSCD 2023年第3期1105-1115,共11页
This paper presents an extension of certain forms of the real Paley-Wiener theorems to the Minkowski space-time algebra. Our emphasis is dedicated to determining the space-time valued functions whose space-time Fourie... This paper presents an extension of certain forms of the real Paley-Wiener theorems to the Minkowski space-time algebra. Our emphasis is dedicated to determining the space-time valued functions whose space-time Fourier transforms(SFT) have compact support using the partial derivatives operator and the Dirac operator of higher order. 展开更多
关键词 Paley-Wiener theorem Minkowski algebra space-time algebra space-time Fourier transform
下载PDF
ST-Map:an Interactive Map for Discovering Spatial and Temporal Patterns in Bibliographic Data 被引量:1
8
作者 ZUO Chenyu XU Yifan +1 位作者 DING Lingfang MENG Liqiu 《Journal of Geodesy and Geoinformation Science》 CSCD 2024年第1期3-15,共13页
Getting insight into the spatiotemporal distribution patterns of knowledge innovation is receiving increasing attention from policymakers and economic research organizations.Many studies use bibliometric data to analy... Getting insight into the spatiotemporal distribution patterns of knowledge innovation is receiving increasing attention from policymakers and economic research organizations.Many studies use bibliometric data to analyze the popularity of certain research topics,well-adopted methodologies,influential authors,and the interrelationships among research disciplines.However,the visual exploration of the patterns of research topics with an emphasis on their spatial and temporal distribution remains challenging.This study combined a Space-Time Cube(STC)and a 3D glyph to represent the complex multivariate bibliographic data.We further implemented a visual design by developing an interactive interface.The effectiveness,understandability,and engagement of ST-Map are evaluated by seven experts in geovisualization.The results suggest that it is promising to use three-dimensional visualization to show the overview and on-demand details on a single screen. 展开更多
关键词 space-time cube bibliographic data spatiotemporal analysis user study interactive map
下载PDF
Space-time correlations of passive scalar in Kraichnan model
9
作者 Ping-Fan Yang Liubin Pan Guowei He 《Theoretical & Applied Mechanics Letters》 CSCD 2023年第5期338-340,共3页
We consider the two-point,two-time(space-time)correlation of passive scalar R(r,τ)in the Kraichnan model under the assumption of homogeneity and isotropy.Using the fine-gird PDF method,we find that R(r,τ)satisfies a... We consider the two-point,two-time(space-time)correlation of passive scalar R(r,τ)in the Kraichnan model under the assumption of homogeneity and isotropy.Using the fine-gird PDF method,we find that R(r,τ)satisfies a diffusion equation with constant diffusion coefficient determined by velocity variance and molecular diffusion.Itssolution can be expressed in terms of the two-point,one time correlation of passive scalar,i.e.,R(r,0).Moreover,the decorrelation o R(k,τ),which is the Fourier transform of R(r,τ),is determined byR(k,0)and a diffusion kernal. 展开更多
关键词 space-time correlation Passive scalar Kraichnan model
下载PDF
GraphMLP-Mixer:基于图-多层感知机架构的高效多行为序列推荐方法
10
作者 卢晓凯 封军 +2 位作者 韩永强 王皓 陈恩红 《计算机研究与发展》 EI CSCD 北大核心 2024年第8期1917-1929,共13页
在多行为序列推荐领域,图神经网络(GNNs)虽被广泛应用,但存在局限性,如对序列间协同信号建模不足和处理长距离依赖性等问题.针对这些问题,提出了一种新的解决框架GraphMLP-Mixer.该框架首先构造全局物品图来增强模型对序列间协同信号的... 在多行为序列推荐领域,图神经网络(GNNs)虽被广泛应用,但存在局限性,如对序列间协同信号建模不足和处理长距离依赖性等问题.针对这些问题,提出了一种新的解决框架GraphMLP-Mixer.该框架首先构造全局物品图来增强模型对序列间协同信号的建模,然后将感知机-混合器架构与图神经网络结合,得到图-感知机混合器模型对用户兴趣进行充分挖掘.GraphMLP-Mixer具有2个显著优势:一是能够有效捕捉用户行为的全局依赖性,同时减轻信息过压缩问题;二是其时间与空间效率显著提高,其复杂度与用户交互行为的数量成线性关系,优于现有基于GNN多行为序列推荐模型.在3个真实的公开数据集上进行实验,大量的实验结果验证了GraphMLP-Mixer在处理多行为序列推荐问题时的有效性和高效性. 展开更多
关键词 多行为建模 序列推荐 图神经网络 MLP架构 全局物品图
下载PDF
基于GraphSAGE网络的藏文短文本分类研究
11
作者 敬容 杨逸民 +3 位作者 万福成 国旗 于洪志 马宁 《中文信息学报》 CSCD 北大核心 2024年第9期58-65,共8页
文本分类是自然语言处理领域的重要研究方向,由于藏文数据的稀缺性、语言学特征抽取的复杂性、篇章结构的多样性等因素导致藏文文本分类任务进展缓慢。因此,该文以图神经作为基础模型进行改进。首先,在“音节-音节”“音节-文档”建模... 文本分类是自然语言处理领域的重要研究方向,由于藏文数据的稀缺性、语言学特征抽取的复杂性、篇章结构的多样性等因素导致藏文文本分类任务进展缓慢。因此,该文以图神经作为基础模型进行改进。首先,在“音节-音节”“音节-文档”建模的基础上,融合文档特征,采用二元分类模型动态网络构建“文档-文档”边,以充分挖掘短文本的全局特征,增加滑动窗口,减少模型的计算复杂度并寻找最优窗口取值。其次,针对藏文短文本的音节稀疏性,首次引入GraphSAGE作为基础模型,并探究不同聚合方式在藏文短文本分类上的性能差异。最后,为捕获节点间关系的异质性,对邻居节点进行特征加权再平均池化以增强模型的特征提取能力。在TNCC标题文本数据集上,该文模型的分类准确率达到了62.50%,与传统GCN、原始GraphSAGE和预训练语言模型CINO相比,该方法在分类准确率上分别提高了2.56%、1%和2.4%。 展开更多
关键词 图神经网络 藏文文本分类 TNCC数据集
下载PDF
Coulomb Force, Charge, and Electric Properties under Collision Space-Time
12
作者 Espen Gaarder Haug 《Journal of Applied Mathematics and Physics》 2023年第3期686-704,共19页
We have recently published a series of papers on a theory we call collision space-time, that seems to unify gravity and quantum mechanics. In this theory, mass and energy are redefined. We have not so far demonstrated... We have recently published a series of papers on a theory we call collision space-time, that seems to unify gravity and quantum mechanics. In this theory, mass and energy are redefined. We have not so far demonstrated how to make it compatible with electric properties such as charge and the Coulomb force. The aim of this paper is to show how electric properties can be reformulated to make it consistent with collision space-time. It is shown that we need to incorporate the Planck scale into the electric constants to do so. This is also fully possible from a practical point of view, as it has recently been shown how to measure the Planck length independent of other constants and without the need for dimensional analysis. 展开更多
关键词 Coulomb’s Law Elementary Charge Planck Charge Electric Units Collision space-time
下载PDF
A STABILITY RESULT FOR TRANSLATINGSPACELIKE GRAPHS IN LORENTZ MANIFOLDS
13
作者 高雅 毛井 吴传喜 《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
A Value for Games Defined on Graphs
14
作者 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
15
作者 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
16
作者 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
17
作者 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
GATiT:An Intelligent Diagnosis Model Based on Graph Attention Network Incorporating Text Representation in Knowledge Reasoning
18
作者 Yu Song Pengcheng Wu +2 位作者 Dongming Dai Mingyu Gui Kunli Zhang 《Computers, Materials & Continua》 SCIE EI 2024年第9期4767-4790,共24页
The growing prevalence of knowledge reasoning using knowledge graphs(KGs)has substantially improved the accuracy and efficiency of intelligent medical diagnosis.However,current models primarily integrate electronic me... The growing prevalence of knowledge reasoning using knowledge graphs(KGs)has substantially improved the accuracy and efficiency of intelligent medical diagnosis.However,current models primarily integrate electronic medical records(EMRs)and KGs into the knowledge reasoning process,ignoring the differing significance of various types of knowledge in EMRs and the diverse data types present in the text.To better integrate EMR text information,we propose a novel intelligent diagnostic model named the Graph ATtention network incorporating Text representation in knowledge reasoning(GATiT),which comprises text representation,subgraph construction,knowledge reasoning,and diagnostic classification.In the text representation process,GATiT uses a pre-trained model to obtain text representations of the EMRs and additionally enhances embeddings by including chief complaint information and numerical information in the input.In the subgraph construction process,GATiT constructs text subgraphs and disease subgraphs from the KG,utilizing EMR text and the disease to be diagnosed.To differentiate the varying importance of nodes within the subgraphs features such as node categories,relevance scores,and other relevant factors are introduced into the text subgraph.Themessage-passing strategy and attention weight calculation of the graph attention network are adjusted to learn these features in the knowledge reasoning process.Finally,in the diagnostic classification process,the interactive attention-based fusion method integrates the results of knowledge reasoning with text representations to produce the final diagnosis results.Experimental results on multi-label and single-label EMR datasets demonstrate the model’s superiority over several state-of-theart methods. 展开更多
关键词 Intelligent diagnosis knowledge graph graph attention network knowledge reasoning
下载PDF
KGTLIR:An Air Target Intention Recognition Model Based on Knowledge Graph and Deep Learning
19
作者 Bo Cao Qinghua Xing +2 位作者 Longyue Li Huaixi Xing Zhanfu Song 《Computers, Materials & Continua》 SCIE EI 2024年第7期1251-1275,共25页
As a core part of battlefield situational awareness,air target intention recognition plays an important role in modern air operations.Aiming at the problems of insufficient feature extraction and misclassification in ... As a core part of battlefield situational awareness,air target intention recognition plays an important role in modern air operations.Aiming at the problems of insufficient feature extraction and misclassification in intention recognition,this paper designs an air target intention recognition method(KGTLIR)based on Knowledge Graph and Deep Learning.Firstly,the intention recognition model based on Deep Learning is constructed to mine the temporal relationship of intention features using dilated causal convolution and the spatial relationship of intention features using a graph attention mechanism.Meanwhile,the accuracy,recall,and F1-score after iteration are introduced to dynamically adjust the sample weights to reduce the probability of misclassification.After that,an intention recognition model based on Knowledge Graph is constructed to predict the probability of the occurrence of different intentions of the target.Finally,the results of the two models are fused by evidence theory to obtain the target’s operational intention.Experiments show that the intention recognition accuracy of the KGTLIRmodel can reach 98.48%,which is not only better than most of the air target intention recognition methods,but also demonstrates better interpretability and trustworthiness. 展开更多
关键词 Dilated causal convolution graph attention mechanism intention recognition air targets knowledge graph
下载PDF
A Generalization of Torsion Graph for Modules
20
作者 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
上一页 1 2 250 下一页 到第
使用帮助 返回顶部