b

DiscoverSearch
About
My stuff
Message Passing for Query Answering over Knowledge Graphs
2020·arXiv
Abstract
Abstract

Recent works on representation learning for Knowledge Graphs have moved beyond the problem of link prediction, to answering queries of an arbitrary structure. Existing methods are based on ad-hoc mechanisms that require training with a diverse set of query structures. We propose a more general architecture that employs a graph neural network to encode a graph representation of the query, where nodes correspond to entities and variables. The generality of our method allows it to encode a more diverse set of query types in comparison to previous work. Our method shows competitive performance against previous models for complex queries, and in contrast with these models, it can answer complex queries when trained for link prediction only. We show that the model learns entity embeddings that capture the notion of entity type without explicit supervision.

Knowledge Graphs (KG) are useful data structures for encoding information from different domains, by representing entities and relations of different types between them. Tasks of interest that can be addressed with knowledge graphs include information retrieval (Dalton et al., 2014), question answering (Vakulenko et al., 2019; Huang et al., 2019), and natural language processing (Logan et al., 2019). A common way to answer a question using a KG is to pose it as a structured query (for example, using the SPARQL query language (Harris et al., 2013)). The query is then answered via logical inference, using the information present in the graph. However, knowledge graphs are usually incomplete, either due to the construction process, or their dynamic nature. This means that there will be cases where these systems return no answer for a query.

To address this problem, we follow recent works that pro-

image

Query graph Node representations Query embedding

Figure 1. Message Passing Query Embedding takes as input a query graph and outputs a query embedding. Features for each node in the query graph are embeddings of entities in the KG, or type embeddings. A GNN propagates information across the graph, and an aggregation function yields the query embedding.

pose to map the query and all entities in the KG to an embedding space (Hamilton et al., 2018; Wang et al., 2018; Mai et al., 2019), where we can compute similarity scores to produce a ranked list of answers. We propose Message Passing Query Embedding (MPQE), motivated by the observation that queries over a KG can be represented by small graphs, where nodes correspond to constant entities and variables. We employ a Graph Neural Network (GNN) to perform message passing on the query graph, and an aggregation function to combine all the messages in a single vector, which acts as a representation of the query in the embedding space. By training on the task of query answering, our method learns jointly an embedding for each entity in the KG, and type embeddings for variables.

Our contributions can be summarized as follows: 1) We propose a novel method to embed queries over knowledge graphs, that addresses limitations of previous works in terms of computational complexity, and the diversity of query structures that it admits; 2) we show experimentally that MPQE is competitive with previous work on complex query embedding across multiple query structures. Furthermore, we provide evidence of the superior generalization of MPQE by training for link prediction only, and testing on complex queries. While previous models fail in this setting, we show that MPQE retains predictive performance on complex queries; 3) we conduct a qualitative analysis of the entity embeddings produced by query embedding methods, and show that MPQE learns in an unsupervised way a structured embedding space where entities cluster according to type.

We define a Knowledge Graph (KG) as a tuple (V, E, R, T ), where V is a set of nodes representing entities, and E a set of typed edges between the nodes. A function  τ : V → Tassigns a type to every node, where T is a set of entity types. Each edge in E corresponds to a relation between two nodes vi and vj ∈ V, that we denote by  r(vi, vj), where r ∈ R isa relation type.

Given a KG, we can pose queries that seek for an entity satisfying certain conditions. We consider queries in conjunctive form, formed by a conjunction of binary predicates where the arguments are entities or variables. To illustrate this, consider a KG of an academic institution where researchers work on topics, and topics are related to projects, and the following query: “select all projects P, such that topic T is related to P, and both alice and bob work on T.” This query asks for entities P that satisfy the following condition:

image

In general, a query q is defined by a condition on a target variable  Vtas follows:

image

where  ri ∈ R, and ai and biare either entities in the KG, or query variables in  {Vt, V1, . . . , Vm}. An entity is a correct answer if it satisfies the condition defined by the query. We can address the problem of returning a list of entities that satisfy the query, by mapping the query to an embedding and computing its similarity with the embeddings of entities in the KG (Hamilton et al., 2018). Formally, we optimize an embedding  ev ∈ Rdfor every entity  v ∈ V, and we define an embedding method for the query that maps it to a vector q ∈ Rd. We then compute the cosine similarity between q and an entity embedding  evas follows:

image

This score determines the rank of an entity as a possible answer to the query.

Multiple approaches for machine learning on graphs consider embedding the graph into a vector space via link prediction (Bordes et al., 2013; Wang et al., 2014; Yang et al., 2015). The applicability of these methods for answering complex queries is limited. For each link that needs to be predicted, these methods must consider all possible entities, which is exponential in the size of the query. Our method is based on an architecture that directly encodes the query into an embedding, which provides our method with a linear complexity in the size of the graph. Recent works have also addressed the problem of embedding a query to retrieve approximate answers, by partitioning the query graph in different subgraphs, so that candidate answers can be provided for each of them (Zhang et al., 2018). In (Wang et al., 2018), the authors pre-train embeddings using an algorithm inspired by TransE. Instead of relying on a separate pre-training step, we learn with an objective that optimizes entity embeddings for the task of query answering directly. The most related approaches to our work consider embedding queries directly in the embedding space (Hamilton et al., 2018; Mai et al., 2019; Ren et al., 2020), by applying a sequence of projection and intersection operators that follow the structure of the query graph. These methods are constrained to having entities only at the leaves of the Directed Acyclic Graph (DAG) defined by the query. Furthermore, the use of projection and intersection mechanisms requires training with multiple query structures that comprise both chains and intersections. Our method has a more general formulation that enables it to i) encode a general set of query graphs, without constraints on the location of entities in the query, and ii) learn from single-hop link prediction training alone, and still generalize to larger queries.

As noted in previous work (Hamilton et al., 2018; Wang et al., 2018), queries in conjunctive form can be represented as a DAG. In this graph, the leaf nodes correspond to constant entities, the root to the variable to be retrieved, and any intermediate nodes to other variables in the query. Given a query of the form given in eq. 1, we define the query graph as the tuple  (Vq, Eq, Rq). Here,  Vqis the union of nodes for constant entities  Vqeand variables  Vqvin the query. To construct the set of edges  Eq, we add one edge  ri(a, b)for each predicate in the query.

4.1. Model Definition

Message Passing Query Embedding (MPQE) learns a matrix of entity embeddings  Me ∈ R|V|×d, where each row contains an embedding for each entity in the KG, and d is the dimension of the embedding space. Additionally, it also learns a matrix of type embeddings  Mt ∈ R|T |×d, with oneembedding for each type of entity in the KG. Assume we define an ordering on the sets E and T . The function  φe(v)returns the row of  Mecorresponding to v, for all entities v ∈ E. Similarly, for all types  v ∈ T , φt(v)returns its corresponding row of  Mt.

Given a query graph, we start by initializing each of the nodes with a vector representation  h(0)v, from  Meif it cor- responds to a constant entity, or from  Mtfor a variable. Formally,  h(0)v = φe(v)if  v ∈ Vqe, and  h(0)v = φt(v)if v ∈ Vqv. We proceed by applying L steps of message passing with a a Relational Graph Convolutional Network (R-GCN) (Schlichtkrull et al., 2018), which updates the representation of a node taking into account its neighbors and the type of the relations involved. The representation for node v at step l + 1 in the R-GCN is defined as follows:

image

where f is a non-linearity,  N rvis the set of neighbors of node v through relation type r, and  W(l)0and  W(l)rare parameters of the model. After L applications of an R-GCN layer, the node representations are combined into a single vector that acts as the embedding of the query, by means of an aggregation function  φ:

image

Fixed message passing We consider as aggregation functions sum and max pooling over all  h(L)v. We also experiment with the concatenation of representations from hidden layers of the R-GCN, followed by an MLP and a sum over nodes in the query graph. We denote this function as CMLP:

image

Dynamic embedding Let D denote the diameter of the query graph (the longest shortest path between two nodes in the graph). We propose a dynamic query embedding method, by noting that at most D message passing steps are required to propagate messages from all nodes, to the target node. The method performs D steps of message passing, and it then selects the representation  h(D)vtof the target node vtas the embedding of the query. We denote this as the Target Message (TM) function.

Training Following previous work on query embedding (Hamilton et al., 2018), we optimize all parameters using gradient descent on a contrastive loss function, where given a query q and its embedding q, a positive sample  v+corresponds to an entity in the knowledge graph that answers the query, and a negative sample  v−is an entity sampled at random, that is not an answer to the query but has the correct type. We minimize a margin loss function:

image

We evaluate the performance of MPQE in query answering over knowledge graphs, by considering 7 different query structures (detailed in Appendix A). All the code to reproduce our experiments is available online 1.

Datasets We use publicly available knowledge graphs that have been used in the literature of graph representation learning and query answering (Ristoski et al., 2016; Hamilton et al., 2018) containing from thousands to millions of entities – AIFB: a KG of an academic institution, where entities are persons, organizations, projects, publications, and topics; MUTAG: a KG of carcinogenic molecules, where entities are atoms, bonds, compounds, and structures; AM: contains relations between different artifacts in the Amsterdam Museum, including locations, makers, and others; Bio: a dataset of a biological interaction network containing entities of type drug, disease, protein, side effect, and biological processes. Their statistics can be found in Appendix B.

Query generation We follow the evaluation procedure of

Hamilton et al. (2018): to obtain query graphs, we sample subgraphs from the KG. Each subgraph specifies the entities and the types of variables in the query, and the correct answer to the query. For each query we also obtain a negative sample, and in the case of query graphs with intersections, a hard negative sample. This is an entity that would be a correct answer, if the conjunction represented by the intersection is relaxed to a disjunction. Before sampling subgraphs for training, we remove edges from the KG. We then guarantee that subgraphs sampled to generate query graphs for testing rely on at least one of these remove edges.

Experimental setup With the exception of the TM aggregation function (where the number of message passing steps is given by the query diameter), we use 2 R-GCN layers. For aggregation functions with MLPs, we use two fully-connected layers, and in all cases we use ReLU for the nonlinearities. We minimize eq. 6 using the Adam optimizer with a learning rate of 0.01, and use an embedding dimension of 128. We train the models for 1-hop link prediction until convergence, and then on the full set of query structures. As a baseline we evaluate the Graph Query Embedding (GQE) method by Hamilton et al. (2018) with their TransE, DistMult, and Bilinear variants.

5.1. Results

Query answering We report the area under the ROC curve (AUC) and the Average Percentile Rank (APR) on the test set. The results for the query answering task are shown in Table 1. We observe that MPQE obtains competitive performance in comparison with GQE across different datasets. MPQE underperforms in the MUTAG dataset, which we identified as the dataset with the least diverse set of relations. We noticed that while GQE-DistMult handles hard

Table 1. Results on query answering averaged across different query structures. Highlighted values denote the best variant within each group of GQE and MPQE models.

image

Table 2. Generalization results on complex query answering (AUC) when training for simple link prediction. The results show the performance on a test set of queries with chains only (ch), and the complete set of queries with chains and intersections (all). Dashes indicate not better than random results.

image

negative samples well (which occur only on queries with intersections), MPQE-TM has better performance on regular samples, across all query structures. We discuss further interesting properties of MPQE in Appendix C.

Generalization To examine the generalization properties of MPQE, we train the models on simple queries that require 1-hop link prediction, but we carry out the evaluation using the complete set of complex query structures. Unlike MPQE, in this case GQE cannot provide an answer better than random for queries with intersections, because the intersection operator is not optimized. We thus consider two evaluations modes: evaluating on queries with chain structures only, and evaluating on the complete set of query structures (where GQE is not applicable). These modes are denoted as “ch” and “all”, respectively, in Table 2. The results of MPQE are competitive when evaluating on queries with chains only, and crucially, it also generalizes well to query structures not seen during training. This encouraging results shows that MPQE implements a mechanism that does not necessarily require training on many diverse query structures to generalize well, unlike GQE.

Clustering We sample 200 entity embeddings for each type in the AM dataset, and visualize them using T-

image

Figure 2. Visualization of the entity embeddings learned by GQE (left) and MPQE (right). Each color represents an entity type.

SNE (Maaten & Hinton, 2008) in Fig. 2 for GQE-Bilinear and MPQE-TM. We observe that MPQE has learned a structured space where entities cluster according to their type, without explicit supervision. This is in stark contrast with the embeddings of GQE, where we do not observe such a clear structure. We hypothesize that the structured embedding space of MPQE contributes to the generalization from simple link prediction to complex queries.

We have presented MPQE, a neural architecture to encode complex queries on knowledge graphs, that jointly learns entity and type embeddings and a straightforward message passing architecture to obtain a query embedding. Our experiments show that message passing across the query graph is a powerful mechanism for query answering, that generalizes to multiple query structures even when only trained for single hop link prediction. Qualitative results show that MPQE learns a well-structured embedding space. This result motivates future research on the application of the learned embeddings to other tasks related to KGs, such as clustering, and node and graph classification. Under this new light, MPQE can be seen as a new method for unsupervised representation learning in KGs.

While our generalization experiments highlight the general formulation of our method, we further plan to evaluate its performance on queries not restricted to constants at the leaves of the query graph in future work. By being able to encode queries independent of the position of entities and variables, we could encode queries with additional information, that could be used to condition the answers on a given context. Such an application would be useful in information retrieval and recommender systems.

Our method presents limitations when evaluating on hard negative samples. Further improvements could include improving the message passing procedure via adding attention or gating mechanisms, and extensions to more expressive query embedding representations, such as boxes (Ren et al., 2020).

image

Dalton, J., Dietz, L., and Allan, J. Entity query feature expansion using knowledge base links. In Proceedings of the 37th international ACM SIGIR conference on Research & development in information retrieval, pp. 365– 374. ACM, 2014.

Hamilton, W. L., Bajaj, P., Zitnik, M., Jurafsky, D., and Leskovec, J. Embedding logical queries on knowledge graphs. In Advances in Neural Information Processing Systems 31: Annual Conference on Neural Information Processing Systems 2018, NeurIPS 2018, 3-8 December 2018, Montr´eal, Canada., pp. 2030–2041, 2018.

Harris, S., Seaborne, A., and Prudhommeaux, E. SPARQL 1.1 query language. W3C recommendation, 21(10):778, 2013.

Huang, X., Zhang, J., Li, D., and Li, P. Knowledge graph embedding based question answering. In Proceedings of the Twelfth ACM International Conference on Web Search and Data Mining, pp. 105–113. ACM, 2019.

Logan, R., Liu, N. F., Peters, M. E., Gardner, M., and Singh, S. Barack’s wife hillary: Using knowledge graphs for fact-aware language modeling. In Proceedings of the 57th Annual Meeting of the Association for Computational Linguistics, pp. 5962–5971, Florence,

image

Maaten, L. v. d. and Hinton, G. Visualizing data using t-sne. Journal of machine learning research, 9(Nov): 2579–2605, 2008.

Mai, G., Janowicz, K., Yan, B., Zhu, R., Cai, L., and Lao, N. Contextual graph attention for answering logical queries over incomplete knowledge graphs. In Proceedings of K-CAP 2019, Nov. 19 - 21,2019, Marina del Rey, CA, USA., 2019.

Ren, H., Hu, W., and Leskovec, J. Query2box: Reason- ing over knowledge graphs in vector space using box embeddings. In International Conference on Learning Representations, 2020.

Ristoski, P., De Vries, G. K. D., and Paulheim, H. A collec- tion of benchmark datasets for systematic evaluations of machine learning on the semantic web. In International Semantic Web Conference, pp. 186–194. Springer, 2016.

image

Vakulenko, S., Fernandez Garcia, J. D., Polleres, A., de Ri- jke, M., and Cochez, M. Message passing for complex question answering over knowledge graphs. In Proceedings of the 28th ACM International Conference on Information and Knowledge Management, pp. 1431–1440. ACM, 2019.

Wang, M., Wang, R., Liu, J., Chen, Y., Zhang, L., and Qi, G. Towards empty answers in sparql: Approximating querying with rdf embedding. In International Semantic Web Conference, pp. 513–529. Springer, 2018.

image

Yang, B., Yih, W., He, X., Gao, J., and Deng, L. Em- bedding entities and relations for learning and inference in knowledge bases. In Bengio, Y. and LeCun, Y. (eds.), 3rd International Conference on Learning Representations, ICLR 2015, San Diego, CA, USA, May 7-9, 2015, Conference Track Proceedings, 2015. URL

image

Zhang, L., Zhang, X., and Feng, Z. TrQuery: An embedding- based framework for recommending sparql queries. In 2018 IEEE 30th International Conference on Tools with Artificial Intelligence (ICTAI). IEEE, 2018.

image

Figure 3. Query structures that we consider for the evaluation of methods on query answering. Green nodes correspond to entities, and the rest are variables in the query, with blue nodes representing the target of the query.

Table 3. Statistics of the knowledge graphs that we use for training and evaluation.

image

We run experiments over 7 different query structures that combine chains and intersections, as detailed in Fig. 3.

We present statistics for the datasets used in our work in Table 3. To generate splits for training, test, and validation, we follow the procedure of Hamilton et al. (2018). Given a KG, we start by removing 10% of its edges. Using this incomplete graph, we extract 1 million subgraphs, containing all the query structures outlined previously. We then restore the removed edges, and extract 11,000 additional subgraphs of all structures, ensuring that they all rely in at least one of the edges that was removed to create the training set. We split this set of query graphs into two disjoint sets, containing 1,000 queries for validation, and 10,000 for testing. We use the validation set to perform early stopping during training.

An interesting observation from our experiments is that the message passing mechanism alone is sufficient to provide good performance for query answering, as we can see from the results for the MPQE-TM architecture. In this model, we perform a number of steps of message passing equal to the diameter of the query, and take as query embedding the resulting feature vector at the target node. Intuitively, this allows MPQE-TM to adapt to the structure of a query so that after message passing, all information from the entity and variable nodes has reached the target node. To confirm this intuition, we evaluate the performance of MPQE as a function of the number of message passing steps, ranging from 1 to 4. The results are shown in Figure 4, for all the query structures that we have considered. We highlight the points that correspond to the diameter of the query, and we note that the results align with our intuition about the message passing mechanism. When the number of steps matches the diameter, there is a significant increase in performance, and further steps have little effect. This supports the superior generalization observed in our experiments, in comparison with GQE, and other MPQE architectures where the number of R-GCN layers was fixed.

image

Figure 4. Query answering performance (AUC) as a function of the number of message passing steps (implemented by layers of an R-GCN), evaluated across different query types. Dark circles corresponds to the diameter of the corresponding query. When the number of steps matches the diameter, there is a significant increase in performance, and further steps have little effect.


Designed for Accessibility and to further Open Science