首页 | 本学科首页   官方微博 | 高级检索  
相似文献
 共查询到20条相似文献,搜索用时 15 毫秒
1.
    
People are easily duped by fake news and start to share it on their networks. With high frequency, fake news causes panic and forces people to engage in unethical behavior such as strikes, roadblocks, and similar actions. Thus, counterfeit news detection is highly needed to secure people from misinformation on social platforms. Filtering fake news manually from social media platforms is nearly impossible, as such an act raises security and privacy concerns for users. As a result, it is critical to assess the quality of news early on and prevent it from spreading. In this article, we propose an automated model to identify fake news at an early stage. Machine learning-based models such as Random Forest, Logistic Regression, Naïve Bayes, and K-Nearest Neighbor are used as baseline models, implemented with the features extracted using countvectorizer and tf–idf. The baseline and other existing model outcomes are compared with the proposed deep learning-based Long–Short Term Memory (LSTM) network. Experimental results show that different settings achieved an accuracy of 99.82% and outperformed the baseline and existing models.  相似文献   

2.
    
Data stream learning has been largely studied for extracting knowledge structures from continuous and rapid data records. As data is evolving on a temporal basis, its underlying knowledge is subject to many challenges. Concept drift,1 as one of core challenge from the stream learning community, is described as changes of statistical properties of the data over time, causing most of machine learning models to be less accurate as changes over time are in unforeseen ways. This is particularly problematic as the evolution of data could derive to dramatic change in knowledge. We address this problem by studying the semantic representation of data streams in the Semantic Web, i.e., ontology streams. Such streams are ordered sequences of data annotated with ontological vocabulary. In particular we exploit three levels of knowledge encoded in ontology streams to deal with concept drifts: i) existence of novel knowledge gained from stream dynamics, ii) significance of knowledge change and evolution, and iii) (in)consistency of knowledge evolution. Such knowledge is encoded as knowledge graph embeddings through a combination of novel representations: entailment vectors, entailment weights, and a consistency vector. We illustrate our approach on classification tasks of supervised learning. Key contributions of the study include: (i) an effective knowledge graph embedding approach for stream ontologies, and (ii) a generic consistent prediction framework with integrated knowledge graph embeddings for dealing with concept drifts. The experiments have shown that our approach provides accurate predictions towards air quality in Beijing and bus delay in Dublin with real world ontology streams.  相似文献   

3.
    
Multi-hop Knowledge Base Question Answering (KBQA) aims to predict answers that require multi-hop reasoning from the topic entity in the question over the Knowledge Base (KB). Relation extraction is a core step in KBQA, which extracts the relation path from the topic entity to the answer entity. Compared with single-hop questions, multi-hop ones have more complex syntactic structures to understand, and multi-hop relation paths lead to a larger search space, which makes it much more challenging to extract the correct relation paths. To tackle the above challenges, most existing relation extraction approaches focus on the semantic similarity between questions and relation paths. However, those approaches only consider the word semantics of the relation names but ignore the graph semantics inside the knowledge base. As a result, their generalization ability relying on the naming rules of the relations, making it more difficult to generalize over large knowledge bases.To address the current limitations and take advantage of the graph semantics of relations, we propose a novel translational embedding-based relation extractor that utilizes pretrained embeddings from TransE. In particular, we treat the multi-hop relation path as a translation from the first relation to the last one in the semantic space of TransE. Then we map the question into this space under the supervision of the path embeddings. To take full advantage of the pretrained graph semantics in TransE, we propose a KBQA framework that leverages pretrained relation semantics in relation extraction and pretrained entity semantics in answer selection. Our approach achieves state-of-the-art performance on two benchmark datasets, WebQuestionSP and MetaQA, demonstrating its effectiveness on the multi-hop KBQA task.  相似文献   

4.
    
Recently, several methods have been proposed for introducing Linked Open Data (LOD) into recommender systems. LOD can be used to enrich the representation of items by leveraging RDF statements and adopting graph-based methods to implement effective recommender systems. However, most of those methods do not exploit embeddings of entities and relations built on knowledge graphs, such as datasets coming from the LOD. In this paper, we propose a novel recommender system based on holographic embeddings of knowledge graphs built from Wikidata, a free and open knowledge base that can be read and edited by both humans and machines. The evaluation performed on three standard datasets such as Movielens 1M, Last.fm and LibraryThing shows promising results, which confirm the effectiveness of the proposed method.  相似文献   

5.
由于虚假新闻检测任务的现有工作往往忽略了新闻文本的语义稀疏性及丰富信息之间的潜在联系, 限制了模型对虚假新闻的理解和识别能力, 本文提出了一种基于异质子图注意力网络的虚假新闻检测方法. 针对新闻样本的文本、所属党派、主题等多种信息, 构建了异质图, 以建模虚假新闻的丰富特征. 在特征层采用异质图注意力网络捕获不同类型信息之间的关系, 在样本层引入子图注意力网络挖掘新闻样本间的交互. 同时基于自监督对比学习的互信息机制关注全局图结构中的判别性子图表征, 以捕获新闻样本的特异性. 实验结果表明, 本文提出的方法在Liar数据集上相比现有方法在准确率与F1值分别取得了约9%和12%的提升, 显著提升了虚假新闻检测的性能.  相似文献   

6.
This paper presents an algorithm which learns a distance metric from a data set by knowledge embedding and uses the new distance metric to solve nonlinear pattern recognition problems such a clustering.  相似文献   

7.
    
The Semantic Web is distributed yet interoperable: Distributed since resources are created and published by a variety of producers, tailored to their specific needs and knowledge; Interoperable as entities are linked across resources, allowing to use resources from different providers in concord. Complementary to the explicit usage of Semantic Web resources, embedding methods made them applicable to machine learning tasks. Subsequently, embedding models for numerous tasks and structures have been developed, and embedding spaces for various resources have been published. The ecosystem of embedding spaces is distributed but not interoperable: Entity embeddings are not readily comparable across different spaces. To parallel the Web of Data with a Web of Embeddings, we must thus integrate available embedding spaces into a uniform space.Current integration approaches are limited to two spaces and presume that both of them were embedded with the same method — both assumptions are unlikely to hold in the context of a Web of Embeddings. In this paper, we present FedCoder— an approach that integrates multiple embedding spaces via a latent space. We assert that linked entities have a similar representation in the latent space so that entities become comparable across embedding spaces. FedCoder employs an autoencoder to learn this latent space from linked as well as non-linked entities.Our experiments show that FedCoder substantially outperforms state-of-the-art approaches when faced with different embedding models, that it scales better than previous methods in the number of embedding spaces, and that it improves with more graphs being integrated whilst performing comparably with current approaches that assumed joint learning of the embeddings and were, usually, limited to two sources. Our results demonstrate that FedCoder is well adapted to integrate the distributed, diverse, and large ecosystem of embeddings spaces into an interoperable Web of Embeddings.  相似文献   

8.
知识图谱在人工智能领域有着广泛的应用,如信息检索、自然语言处理、推荐系统等。然而,知识图谱的开放性往往意味着它们是不完备的,具有自身的缺陷。鉴于此,需建立更完整的知识图谱,以提高知识图谱的实际利用率。利用链接预测通过已有关系来推测新的关系,从而实现大规模知识库的补全。通过比较基于翻译模型的知识图谱链接预测模型,从常用数据集与评价指标、翻译模型、采样方法等方面分析知识图谱链接预测模型的框架,并对基于知识图谱的链接预测模型进行了综述。  相似文献   

9.
10.
    
Accurate prediction of future events brings great benefits and reduces losses for society in many domains, such as civil unrest, pandemics, and crimes. Knowledge graph is a general language for describing and modeling complex systems. Different types of events continually occur, which are often related to historical and concurrent events. In this paper, we formalize the future event prediction as a temporal knowledge graph reasoning problem. Most existing studies either conduct reasoning on static knowledge graphs or assume knowledges graphs of all timestamps are available during the training process. As a result, they cannot effectively reason over temporal knowledge graphs and predict events happening in the future. To address this problem, some recent works learn to infer future events based on historical event-based temporal knowledge graphs. However, these methods do not comprehensively consider the latent patterns and influences behind historical events and concurrent events simultaneously. This paper proposes a new graph representation learning model, namely Recurrent Event Graph ATtention Network (RE-GAT), based on a novel historical and concurrent events attention-aware mechanism by modeling the event knowledge graph sequence recurrently. More specifically, our RE-GAT uses an attention-based historical events embedding module to encode past events, and employs an attention-based concurrent events embedding module to model the associations of events at the same timestamp. A translation-based decoder module and a learning objective are developed to optimize the embeddings of entities and relations. We evaluate our proposed method on four benchmark datasets. Extensive experimental results demonstrate the superiority of our RE-GAT model comparing to various baselines, which proves that our method can more accurately predict what events are going to happen.  相似文献   

11.
    
  相似文献   

12.
张钊  吉建民  陈小平 《计算机应用》2019,39(9):2489-2493
知识表示学习目的是将知识图谱中符号化表示的关系与实体嵌入到低维连续向量空间。知识表示模型在训练过程中需要大量负样本,但多数知识图谱只以三元组的形式存储正样本。传统知识表示学习方法中通常使用负采样方法,这种方法生成的负样本很容易被模型判别,随着训练的进行对性能提升的贡献也会越来越小。为了解决这个问题,提出了对抗式负样本生成器(ANG)模型。生成器采用编码-解码架构,编码器读入头或尾实体被替换的正样本作为上下文信息,然后解码器利用编码器提供的编码信息为三元组填充被替换的实体,从而构建负样本。训练过程采用已有的知识表示学习模型与生成器进行对抗训练以优化知识表示向量。在链接预测和三元组分类任务上评估了该方法,实验结果表明该方法对已有知识表示学习模型在FB15K237、WN18和WN18RR数据集上的链接预测平均排名与三元组分类准确度都有提升。  相似文献   

13.
文章探索用图谱方法嵌入且分析人脸几何特征,以图的邻接矩阵的主要特征向量来定义邻接矩阵的特征模。对每个特征模,计算谱特征向量,包括主分量特征值,模间邻接矩阵。用局部线性嵌入方法(LLE)方法嵌入这些向量到一个模式空间。另外,用人脸特征点来表示邻接图,并以几何平均图和模式特征向量的平均图两种方法对比描述不同嵌入方法的人脸特征。实验结果表明,谱向量特征平均方法能够较好地描述人脸。  相似文献   

14.
近年来,面向确定性知识图谱的嵌入模型在知识图谱补全等任务中取得了长足的进展,但如何设计和训练面向非确定性知识图谱的嵌入模型仍然是一个重要挑战。不同于确定性知识图谱,非确定性知识图谱的每个事实三元组都有着对应的置信度,因此,非确定性知识图谱嵌入模型需要准确地计算出每个三元组的置信度。现有的非确定性知识图谱嵌入模型结构较为简单,只能处理对称关系,并且无法很好地处理假负(false-negative)样本问题。为了解决上述问题,该文首先提出了一个用于训练非确定性知识图谱嵌入模型的统一框架,该框架使用基于多模型的半监督学习方法训练非确定性知识图谱嵌入模型。为了解决半监督学习中半监督样本噪声过高的问题,我们还使用蒙特卡洛Dropout计算出模型对输出结果的不确定度,并根据该不确定度有效地过滤了半监督样本中的噪声数据。此外,为了更好地表示非确定性知识图谱中实体和关系的不确定性以处理更复杂的关系,该文还提出了基于Beta分布的非确定性知识图谱嵌入模型UBetaE,该模型将实体、关系均表示为一组相互独立的Beta分布。在公开数据集上的实验结果表明,结合该文所提出的半监督学习方法和UBetaE模型,不仅...  相似文献   

15.
面对海量的在线学习资源,学习者往往面临“信息过载”和“信息迷航”等问题,帮助学习者高效准确地获取适合自己的学习资源来提升学习效果,已成为研究热点.针对现有方法存在的可解释性差、推荐效率和准确度不足等问题,提出了一种基于知识图谱和图嵌入的个性化学习资源推荐方法,它基于在线学习通用本体模型构建在线学习环境知识图谱,利用图嵌入算法对知识图谱进行训练,以优化学习资源推荐中的图计算效率.基于学习者的学习风格特征进行聚类来优化学习者的资源兴趣度,以获得排序后的学习资源推荐结果.实验结果表明,相对于现有方法,所提方法能在大规模图数据场景下显著提升计算效率和个性化学习资源推荐的准确度.  相似文献   

16.
图分析用于深入挖掘图数据的内在特征,然而图作为非欧几里德数据,传统的数据分析方法普遍存在较高的计算量和空间开销。图嵌入是一种解决图分析问题的有效方法,其将原始图数据转换到低维空间并保留关键信息,从而提升节点分类、链接预测、节点聚类等下游任务的性能。与以往的研究不同,同时对静态图和动态图嵌入文献进行全面回顾,提出一种静态图嵌入和动态图嵌入通用分类方法,即基于矩阵分解的图嵌入、基于随机游走的图嵌入、基于自编码器的图嵌入、基于图神经网络(GNN)的图嵌入和基于其他方法的图嵌入。其次,对静态图和动态图方法的理论相关性进行分析,对模型核心策略、下游任务和数据集进行全面总结。最后,提出了四个图嵌入的潜在研究方向。  相似文献   

17.
针对现有的图自编码器无法捕捉图中节点之间的上下文信息的问题,提出基于重启随机游走的图自编码器.首先,构造两层图卷积网络编码图的拓扑结构和特征,同时进行重启随机游走捕捉节点之间的上下文信息;其次,为了聚合重启随机游走和图卷积网络获得的表示,设计自适应学习策略,根据两种表示的重要性自适应地分配权重.为了证明该方法的有效性,将图最终的表示应用于节点聚类和链路预测任务.实验结果表明,与基线方法相比,提出的方法实现了更先进的性能.  相似文献   

18.
王琢  李准  徐野  宋凯 《计算机科学》2014,41(10):295-299,305
由于网络产品评论信息可以极大地影响产品的销售,因此很多产品评论人故意捧抬或诋毁特定产品来达到其目的。Wang G等人利用评论图中店铺、评论、评论人之间的相互关系,通过迭代计算得出评论、评论人和店铺的信誉度,从而发现虚假评论人。针对网络中无店铺的购物环境,提出了用产品替代店铺的新评论图结构,设计了一种逐步淘汰评论人及其评论的ICE算法,它极大地提高了迭代收敛速度。同时通过改进评论、评论人和产品的评分函数,进一步提高了基于评论图方法检测虚假评论人的准确度。实验表明,ICE算法不但收敛速度更快,而且具有更高的准确度。  相似文献   

19.
随着大数据和人工智能技术的不断发展,知识图谱应用越来越广泛,知识图谱嵌入技术也得到了飞速发展。知识图谱嵌入通过在低维矢量空间中实现结构化知识表示来提高知识表示和推理效率。对知识图谱嵌入技术进行全面概述,包括其基本概念、模型类别、评价指标以及应用前景。首先介绍了知识图谱嵌入的基本概念及背景,将知识图谱嵌入分为基于翻译机制的嵌入模型、基于语义匹配机制的嵌入模型、基于神经网络的嵌入模型和基于附加信息的嵌入模型4个主要类别,并对相关模型的核心思想、评分函数、优缺点、应用场景进行细致梳理;然后总结了知识图谱嵌入的常见数据集和评价指标,以及链接预测和三元组分类等相关应用与实验结果,同时介绍了问答系统、推荐系统等下游任务;最后对知识图谱嵌入技术进行回顾总结,概述了当前知识图谱嵌入技术存在的局限性和主要问题,探讨了未来知识图谱嵌入领域存在的机遇和挑战以及具有潜力的研究方向,并对研究前景进行展望。  相似文献   

20.
    
Industrial tabular information extraction and its semantic fusion with text (ITIESF) is of great significance in converting and fusing industrial unstructured data into structured knowledge to guide cognitive intelligence analysis in the manufacturing industry. A novel end-to-end ITIESF approach is proposed to integrate tabular information and construct a tabular information-oriented causality event evolutionary knowledge graph (TCEEKG). Specifically, an end-to-end joint learning strategy is presented to mine the semantic information in tables. The definition and modeling method of the intrinsic relationships between tables with their rows and columns in engineering documents are provided to model the tabular information. Due to this, an end-to-end joint entity relationship extraction method for textual and tabular information from engineering documents is proposed to construct text-based knowledge graphs (KG) and tabular information-based causality event evolutionary graphs (CEEG). Then, a novel NSGCN (neighborhoods sample graph convolution network)-based entity alignment is proposed to fuse the cross-knowledge graphs into a unified knowledge base. Furthermore, a translation-based graph structure-driven Q&A (question and answer) approach is designed to respond to cause analysis and problem tracing. Our models can be easily integrated into a prototype system to provide a joint information processing and cognitive analysis. Finally, the approach is evaluated by employing the aerospace machining documents to illustrate that the TCEEKG can considerably help workers strengthen their skills in the cause-and-effect analysis of machining quality issues from a global perspective.  相似文献   

设为首页 | 免责声明 | 关于勤云 | 加入收藏

Copyright©北京勤云科技发展有限公司  京ICP备09084417号