This paper was converted on www.awesomepapers.org from LaTeX by an anonymous user.
Want to know more? Visit the Converter page.

From Quantum Graph Computing to Quantum Graph Learning: A Survey

Yehui Tang1    Junchi Yan1111 Correspondence author is Junchi Yan.    Edwin Hancock2 1Department of CSE, and MoE Key Lab of Artificial Intelligence, Shanghai Jiao Tong University
2Department of Computer Science, University of York
{yehuitang, yanjunchi}@sjtu.edu.cn  [email protected]
Abstract

Quantum computing (QC) is a new computational paradigm whose foundations relate to quantum physics. Notable progress has been made, driving the birth of a series of quantum-based algorithms that take advantage of quantum computational power. In this paper, we provide a targeted survey of the development of QC for graph-related tasks. We first elaborate the correlations between quantum mechanics and graph theory to show that quantum computers are able to generate useful solutions that can not be produced by classical systems efficiently for some problems related to graphs. For its practicability and wide-applicability, we give a brief review of typical graph learning techniques designed for various tasks. Inspired by these powerful methods, we note that advanced quantum algorithms have been proposed for characterizing the graph structures. We give a snapshot of quantum graph learning where expectations serve as a catalyst for subsequent research. We further discuss the challenges of using quantum algorithms in graph learning, and future directions towards more flexible and versatile quantum graph learning solvers.

1 Introduction

Quantum computing (QC), whose foundations relate to quantum physics, harnesses the computational power derived from the properties of quantum mechanics to perform calculations. Quantum computing has attracted wide attention from both industry and academia for its promising prospective of exponentially accelerating the traditional approaches Liu et al. (2021); Zlokapa et al. (2021) as well as naturally exploring the physical systems Preskill (2018); Hegade et al. (2021).

Benefiting from the unique characteristics of quantum mechanics, which are totally different from the classical systems, such as superposition, interference, and entanglement, quantum computing has potential superiority in many calculation tasks. The most remarkable step is taken by Shor (1994) that demonstrates two mathematical problems - integer factorization and discrete logarithm - can be solved efficiently by using quantum computers, whereas no efficient classical method is known. Furthermore, Grover (1996) points to another valuable evidence, showing the quantum advantage of searching and retrieving target values in unstructured databases quadratic faster than the most effective classical method.

The potential advantages of quantum computers arouse researchers’ curiosity in solving the problem of graph theory. Early works concentrate on exploiting the quantum computational power to produce effective solutions to graph theoretical problems. We classify such quantum algorithms as quantum graph computing. Two families of graph theoretical problems have been studied extensively. One family relates to graph representations of combinatorial optimization problems which are thought to be exponentially hard for classical computers Moylett et al. (2017). Another family comprises extracting patterns and finding hidden structures within a number of graphs Chang et al. (2018). Most of these problems are NP-hard if not even harder, or practically intractable for large-scale settings for the exact solution. A number of quantum based algorithms focus on reformulating some of these problems into computationally solvable forms of quantum computers Calude et al. (2017). Besides, these algorithms try to use the associated properties of quantum mechanics to solve problems efficiently and find the exact solution.

More recently modern graph learning techniques has revolutionized graph analytics tasks such as node classification Kipf and Welling (2017) and graph classification Chen et al. (2020). Meanwhile, fueled by the advent of quantum hardware and the high-performance quantum simulation frameworks, an increasing amount of literature on quantum machine learning has been proposed in recent years, showing the quantum potential of both acceleration of the computational process and improvement of the performance. With the power of data, quantum machine learning has the potential of finding atypical but useful patterns that classical systems are not considered to be able to generate effectively Huang et al. (2021). It seems an attractive direction towards combining the expressive ability of classical graph learning techniques with the power of quantum computing. We call it quantum graph learning. In this paper, we give a snapshot of quantum graph learning and hope that it can inspire more in-depth research.

There are reviews on quantum computing and quantum machine learning. Montanaro (2016); Biamonte et al. (2017) overview quantum algorithms that have the potential speed-ups. They mainly review idealized quantum algorithms that efficiently perform linear algebraic operations. Adedoyin et al. (2018) conducts a survey focused on the gate-model quantum computer. Preskill (2018) reports quantum algorithms that can be executed on the current quantum hardware and the future potential of quantum computing is discussed. Dunjko and Briegel (2018) investigates the interaction between machine learning, artificial intelligence and quantum mechanics. Cerezo et al. (2020) limits the scope within the quantum algorithms based on parameterized quantum circuits. In summary, existing surveys have not fully reflected the state-of-the-art development of quantum computing, especially for graph algorithms. Our survey focuses on quantum algorithms on graphs, from quantum graph computing to quantum graph learning, which we believe is an emerging field.

2 Quantum Graph Computing

There are three common paths intersecting quantum computing and graph theory. First, some works consider an underlying graph structure consisting of nodes connected by edges and perform quantum evolution on this structure, in which an important quantum paradigm is Hamiltonian encoding. Second, the relationship between the transition rules of a graph and the randomness of the quantum representation is explored from the point of view of utilizing the superposition and entanglement of quantum states to characterize the properties of graphs, e.g., quantum random walks. In this case, the quantum states preserve the features of nodes and edges of the original graph as well as its topology information. Another way to build quantum graph solvers is the employment of quantum search, which, in most cases, provides quadratic acceleration over traditional exhaustive search methods. Here we discuss the synergy of these three areas.

2.1 Hamiltonian Encoding based Solvers

One approach to developing universal quantum computing is adiabatic quantum computing (AQC), which relies on the adiabatic theorem that evaluates the continuous-time evolution of a quantum system. To describe the dynamics of an arbitrary quantum system, a class of Hamiltonians is defined

H=i<jJijσizσjz+ihiσiz+igiσix,H=\sum_{i<j}J_{ij}\sigma_{i}^{z}\sigma_{j}^{z}+\sum_{i}h_{i}\sigma_{i}^{z}+\sum_{i}g_{i}\sigma_{i}^{x}, (1)

where σz\sigma^{z}, σx\sigma^{x} are Pauli matrices. Broadly speaking, Eq. 1 can be viewed as a transverse-field Ising model and such model is QMA-complete Albash and Lidar (2018). The first two terms push the quantum bit (qubit) to be either |0|0\rangle or |1|1\rangle, whereas the last pushes the state to a superposition. An outside measurement leads to the collapse from superposition to a deterministic state. These foundations give the ability for quantum computers to handle certain problems that can not be efficiently solved classically. To implement such models in a real physical process, quantum annealing (QA) captures the relaxation of the adiabatic conditions and controls the continuous-time evolution at finite temperature and in open environments. Machines performing QA at the hardware level attempt to minimize the energy determined by the Hamiltonian, and the output of an anneal is a low-energy ground state, which consists of an Ising spin for each qubit where the eigenvalues {+1,1}\{+1,-1\} of Pauli matrix σz\sigma^{z} correspond to the binary constraint of the properties of classical Ising model Ushijima-Mwesigwa et al. (2017). This is closely related to the quadratic unconstrained binary optimization (QUBO) problem - a combinatorial optimization problem that can be applied to many graph theoretical problems.

Many NP-hard problems can be expressed as the minimization of the energy of the Hamiltonian as the form of Eq. 1 e.g. graph partitioning, graph coloring, vertex cover and clique finding Lucas (2014). Therefore, varieties of contributions concentrate on relaxing and reformulating these graph-related combinatorial optimization problems into the QUBO formulation and utilizing QA to quickly approach the exact solution. The method in Chams et al. (1987) converts the graph coloring problem to graph partitioning and employs simulated annealing to screen the better solution of the problem. Different annealing schemes are exploited in Silva et al. (2020). These schemes dominate traditional techniques for certain types of graphs with the cost of long computing time. To transform a set of constraints to the energy minimization problem, penalty terms associated with the constraints should be added to the QUBO quadratic expression Silva et al. (2020). Besides, reduction and approximation are necessary for space efficient. Their work demonstrates that the quantum annealer can more reliably approach the optimal solution and produce better heuristics for graph coloring under specific settings.

Existing quantum hardware can only control a relatively small number of qubits, which is far from the size for large-scale data processing. In addition, it is difficult to fully embed real-world optimization problems on quantum devices as a consequence of poor connectivity between arbitrary couples of qubits. As a result, the qubit connectivity in quantum hardware rarely matches the QUBO form described by the underlying graph structure. To overcome these problems, the authors of Bass et al. (2018) present a heterogeneous algorithm that uses classical co-processing to preprocess the primitive problem and randomly selects a large number of possible solutions, after which the reduced form of the max clique problem corresponding to the largest possible solutions can be encoded into the quantum annealer for accelerating the searching process. In Pelofske et al. (2019), a decomposition alternative divides a big input graph into multiple smaller subgraphs that fit the quantum annealer to further improve the adaptability. Other applications also show the benefits of using Hamiltonian to encode and solve graph related problems including graph isomorphism problem Calude et al. (2017); Ushijima-Mwesigwa et al. (2017) and vertex cover problem Pelofske et al. (2019). Likewise, recent works demonstrate quantum annealing has potential advantages over classical approaches ranging from optimization Brady et al. (2021) to machine learning Nath et al. (2021). However, it is difficult to ensure the final quantum state to be the ground state, meaning that the final solution is probably not optimal. Besides, with the increase of the size of the system and the complexity of the problem, it seems reasonable to expect the annealing time to scale exponentially for problems with exponentially small gaps, especially for NP-hard problems Albash and Marshall (2021).

2.2 Quantum Random Walks based Solvers

Another way to represent the topological information of graphs in quantum information is quantum random walks (QRWs). Motivated by the widespread use of classical random walks, QRWs view a graph as a collection of nodes in either real or complex space, among which the correlations between two nodes are indicated by edges. The Walker evolves in a quantum mechanical manner over time by characterizing its initial distribution in terms of the amplitudes of quantum states. Compared with classical random walks, where the stochastic transition matrix determines the random patterns, the randomness of QRWs depends on the reversible unitary translation. No internal information could be obtained until the final states are measured. Readers are referred to Kempe (2003); Venegas-Andraca (2012) for introductions on QRWs. Here, we provide a brief overview of the two types of QRWs with typical progress on solving graph related tasks.

Discrete Time Quantum Random Walks

One way to intersperse quantum effects with random walks is the discrete time quantum random walks (DT-QRWs). Let P\mathcal{H}_{P} be the Hilbert space spanned by the positions of the nodes, and C\mathcal{H}_{C} be the ‘coin’-space whose dimension is usually equivalent to the maximal degree of the graph Kempe (2003). The state of the whole graph can be described by the space =CP\mathcal{H}=\mathcal{H}_{C}\otimes\mathcal{H}_{P}. Suppose that a unitary operator CC determines the possibility of the diffusing direction, and SS indicates the conditional transition of the system, the DT-QRWs of step TT is defined as the transformation UTU^{T}, and UU is written as U=S(CI)U=S\cdot(C\otimes I), where II is the identity matrix Venegas-Andraca (2012). By repeating the succession of unitary translation UU, i.e., transforming the state |ψt=U|ψt1|\psi_{t}\rangle=U|\psi_{t-1}\rangle iteratively with timestamp tt, the distribution of the walker can be encoded in the final state. Measuring the coin-register of the walk in the computational basis states will output the classical information of the probability distribution.

Continuous Time Quantum Random Walks

Another way to model the quantum diffusing is the continuous time quantum random walks (CT-QRWs). For the general classical random walk in the form of the differential equation, the probability distribution at time tt of node ii is: dpi(t)dt=jHi,jpj(t),\frac{dp_{i}(t)}{dt}=-\sum_{j}H_{i,j}p_{j}(t), where matrix HH is an analogue to the classical transition matrix, whereas each entry of HH is the possibility of jumping from node ii to node jj. Solving the equation we obtain p(t)=eHtp(0)\vec{p}(t)=e^{-Ht}\vec{p}(0), and Farhi and Gutmann (1998) extends this concept to quantum case by using the Hamiltonian to establish the continuous evolution U(t)=eiHtU(t)=e^{-iHt}. If we start in some initial state |ψ0|\psi_{0}\rangle, evolve it under UU for a time tt and measure the positions of the resulting state we obtain a probability distribution over the nodes of the graph Kempe (2003). In contract to the classical random walks, quantum diffusion is a reversible process and it does not converge to a stationary distribution in general, and an average distribution called Cesaro limit ct\vec{c}^{t} is introduced to obtain a stationary distribution: cit=1ts=1tpis\vec{c}_{i}^{t}=\frac{1}{t}\sum_{s=1}^{t}\vec{p}_{i}^{s}.

Overview of QRWs-based Solvers

These ideas of quantum diffusion are generalized to develop varieties of graph solvers for graph theoretical problems. QRWs often induce an asymmetric probability distribution mainly due to their intrinsic interference pattern and unusual collapse characteristics. It is evident that the interference pattern of QRWs is much more intricate than the Gaussian obtained in the classical case Kempe (2003). The first attempt to develop an exponential separation of classical and quantum random walks is given by Childs et al. (2002). They construct a binary glue tree and demonstrate that DT-QRWs are able to penetrate the graph in polynomial time. Childs and Eisenberg (2005) develops an algorithm based on DT-QRWs for more general subgraph finding problems, i.e., L-subset distinctness in polynomial time for a small size of the subgraph. More intricate tasks including graph matching and graph distinction can also be handled using the quantum inference of QRWs Emms et al. (2009b, a). Although there are many correlations between CT-QRWs and DT-QRWs, the authors of Kempe (2005) find that in the hypercube case, the hitting time of DT-QRWs is exponentially faster than that of classical random walks, whereas the CT-QRWs do not converge to the uniform distribution at all. The relationship between the transition pattern of CT-QRWs and the spectrum of a regular graph is revealed by Ren et al. (2011), which characterizes the capacity of the Ihara zeta function in distinguishing graphs. It is shown in Emms et al. (2009c) that node embeddings produced by the hitting time associated with the CT-QRWs tend to capture more structural information.

2.3 Quantum Search based Solvers

The quantum search algorithm, also known as Grover’s algorithm, is first proposed by Grover (1996) at the theoretical level. This algorithm incorporates a superposition of all possible states related to the problem. Then a unitary operator is used to change the amplitudes of each state while maximizing the amplitudes of the desired state which can be extracted by measuring. It is especially suitable for the application scenarios where a set of specific solutions are searched and retrieved in a huge number of candidates. For the function whose output size is NN, the quantum search algorithm finds the desired input value by using just O(N)O(\sqrt{N}) evaluations of the function with high probability. In particular, many graph theoretical problems are NP-hard if not even tougher, and the search space grows exponentially with the problem’s size. It is reasonable to handle these problems in terms of quantum computing power.

It is shown in Dürr et al. (2006) that quantum search algorithm decreases the query complexity further for certain graph problems including spanning tree, connectivity, strong connectivity and single source shortest path. In Hillery et al. (2010), the search is performed by quantum random walks to find the marked clique of a complete graph. A novel quantum search architecture Černỳ (1993) is developed to solve the travelling salesman problem (TSP). However, Greenwood (2001) points out this scheme does not mean quantum computers can solve arbitrary NP-hard problems in polynomial time since the number of qubits to represent the superposition states is astronomical. An efficient quantum approach proposed by Srinivasan et al. (2018) combines the quantum phase estimation algorithm Kitaev (1996) with the quantum search algorithm to solve the TSP. It provides a quadratic speedup over the classical brute force method. A breakthrough to achieve quantum speedups for TSP and several NP-hard problems presented by Ambainis et al. (2019) integrates Grover’s algorithm with classical dynamic programming. Despite the fact that quantum search has the potential to solve various complex graph related problems, developing a quantum algorithm that promises to be faster than the best classical algorithm remains difficult, as classical techniques do not always rely on exhaustive search.

3 Classic Graph Learning

We provide background on classic graph learning. It in general attempts to assign a vector representation to each of the (sub)graphs, preserving both structural information and node features.

3.1 Factorization based Embedding Approaches

By representing the graph’s edges and connected nodes as low-dimensional vectors that preserve global properties of the graph, the subsequent graph analytics tasks can be easily addressed by employing mature machine learning algorithms Goyal and Ferrara (2018). Here we introduce the factorization based approaches and discuss their pros and cons.

Matrix Factorization based Approaches There are a variety of graph learning approaches that represent the correlations between nodes by factorizing the matrix that contains the graph information to obtain the embedding. Different tasks require the factorization of matrices with different properties. Graph Laplacian eigenmaps Belkin and Niyogi (2001) constructs a low-dimensional representation for each node while keeping the smoothness of the distinctness of connected nodes. To circumvent the loss of local topology information, a Cauchy graph embedding method developed by Luo et al. (2011) is employed to preserve the similarity relationships of the original graph data, and introduce a more effective objective function to emphasize the similarity efficacy. However, the factorization of the matrix of the graph with massive nodes often requires huge computing resources. Ahmed et al. (2013) proposes a factorization technique that relies on graph partitioning to enhance scalability.

Random Walk based Approaches Random walk statistics is widely used to capture the graph properties. The latent representation of the node that captures the local structure information is condensed into the low-dimensional feature vector by performing a diffusing process. DeepWalk Perozzi et al. (2014) generates the training data in terms of compressing the graph structure into a text like corpus using random walk, and trains the graph learner to maximize the occurrence probability of neighbors in the walk. Node2vec Grover and Leskovec (2016) employs biased random walk to make a trade-off between breadth-first (BFS) and depth-first (DFS) graph searches, resulting in higher-quality and more informative embeddings than DeepWalk. Qiu et al. (2018) shows that many random walk based approaches also perform implicit matrix factorization, since the requirement of the specific adjacent matrix or Laplacian matrix before performing learning. Most of these methods are inherently transductive.

3.2 Graph Kernel Methods

Inspired by the kernel methods which utilize a linear classifier to solve non-linear problems, graph kernel methods have been widely used for graph-level tasks, e.g., classification and clustering. They directly compare the structures of the subgraphs by defining a user-specific similarity metric or a meaningful distance measurement on graphs. In contrast to the factorization based approaches representing the graph information as low-dimensional vectors, graph kernel methods characterize graph features implicitly in a high dimensional space. It involves performing pairwise comparisons between local substructures centered at every node.

Most early graph kernel works belong to the family of R-convolution kernels Haussler (1999). More recently, Tian et al. (2019) shows a kernel-based framework to produce hidden representations of nodes, bridging the gap between graph kernel methods and graph neural networks. Chen et al. (2020) combines the message passing mechanism with the graph kernel and constructs a convolutional kernel network to represent the graph effectively. The high computational complexity of graph kernel methods suppresses their applicability. While it is still valuable to study the theoretical framework behind the graph learning approaches using graph kernel methods due to their inherent transparency and interpretability.

3.3 Graph Neural Networks

For graph learning, Graph neural networks (GNNs) are a type of deep learning method for extracting the pattern of graph structural data, which dominate the literature.

Recurrent Graph Neural Networks The initial trial of the GNNs is recurrent graph neural networks whose foundations relate to the information diffusion mechanism. In the prototype Scarselli et al. (2008) of recurrent graph neural networks, the node hidden embedding is updated by the adjacent neighbors. This process continues until a stable equilibrium is reached. A gated recurrent unit (GRU) is used as a recurrent function in a gated graph neural network (GGNN) Li et al. (2016), restricting the recurrence to a few steps.

Convolutional Graph Neural Networks A number of convolutional graph neural networks can be categorized into a general framework named Message Passing Neural Network (MPNN) Gilmer et al. (2017). The forward pass of these models has two phases - an aggregation phase and an update phase - that run iteratively to let information propagate further. The aggregation phase serves to detect (multiple) patterns in multiple sub-regions of the input graph, while the update phase generally consists of pooing functions that collapse the hidden features of interrelated sub-regions into a new vector representation. Some studies perform graph convolution operation building upon the signal processing on graphs Shuman et al. (2013).

Category Method Attribute Embedding Input Layer Readout Application
QK-based QJSK Bai et al. (2015) C Q & C Tomography Graph Classification
GBSK Schuld et al. (2020) C Q & C Estimation Graph Classification
SFGK Kishi et al. (2021) C Q & C Swap Test Graph Classification
QEK Henry et al. (2021) C Q & C Tomography Graph Classification
Shallow Circuit QGNN Verdon et al. (2019) Q Q Tomography Graph Isomorphism
QGCN Zheng et al. (2021) Syn. Q & C Estimation Graph Classification
DQGNN Ai et al. (2022) C Q & C Tomography Graph Classification
EQGC Mernyei et al. (2021) Syn. Q & C Estimation Graph Classification
QNN Beer et al. (2021) Q Q Estimation Network Embedding
Hybrid Deep QWNN Dernbach et al. (2018) C Q & C Tomography Node Classification
QSGCNN Bai et al. (2021) C Q & C Tomography Graph Classification
QSCNN Zhang et al. (2019) C Q & C Tomography Node Classification
QGCNN Chen et al. (2021) C Q & C Estimation Graph Classification
HQGNN Tüysüz et al. (2021) C Q & C Estimation Link Prediction
Table 1: Comparison between quantum graph learning methods and their application. Although most of these methods employ the topology embedding that incorporates structural information into the quantum representation, node attributes are not considered in some research. The input data is classical (C), quantum (Q) or synthetic (Syn.). For the methods with classical or synthetic inputs, the classical layer is inevitably introduced to preprocess the graph data or assist the quantum computer to update the model parameters. The readout operation is the interaction transforming the quantum information into the classical expression, where the tomography may require an exponentially large number of measurements, whereas a small amount of measurements is necessary for estimation of the probability outcomes and swap test.

4 Quantum Graph Learning

Recently many quantum machine learning algorithms have been proposed that either promise quantum speed-ups over their classical counterparts Liu et al. (2021); Zlokapa et al. (2021), or have the potential of finding atypical but useful patterns that classical systems are not considered to be able to generate effectively Cong et al. (2019); Huang et al. (2021). With the development of quantum devices and high-performance quantum simulation frameworks, there is an increasing interest in building novel quantum algorithms to help solve near-term applications for practical problems. A variety of quantum analogues to the classical machine learning models have been proposed. Advanced contributions have taken the first step. For instance, Harrow et al. (2009) proposes an exponentially fast algorithm for efficiently solving linear equations. Based on this, the quantum support vector machine (QSVM) presented by Rebentrost et al. (2014) can handle binary classification problems on a quantum computer with complexity logarithmic in the size of the vectors and the number of training examples. The practical implementation of QSVM for recognizing handwritten characters is completed by Li et al. (2015). To realize more intricate tasks, the quantum convolutional neural network (QCNN) Cong et al. (2019) generates excitement around the possibility of efficiently analyzing quantum data via performing convolutional and pooling operations in quantum systems.

Although quantum algorithms have the potential to tackle graph problems efficiently, quantum computing for graph learning is still in its early stages. The literature is relatively sparse and lacks formal rationale for the model selections. In the following, we show some progress of leveraging quantum physics to extract graph structural information, bringing up new possibilities for quantum computing applications. The main characteristics and differences of these methods are summarized in Tab. 1.

4.1 Quantum Kernel based Graph Learning

Similar to the classical graph kernel methods, quantum kernels (QK) on graphs aim to decompose the graph into substructures and compare the similarity between each pair of substructures specified in terms of their quantum representations. The Quantum Jensen–Shannon Graph Kernel (QJSK) Bai et al. (2015) infers the graph properties using the density matrix description constructed by CT-QRWs. The authors develop an aligned version of the QJSK to preserve the permutation invariance and more correspondence information between pairs of nodes in the graph. Additionally, they generalize their ideas by probing the graph structure using the DT-QRWs Bai et al. (2017). In Schuld et al. (2020), the authors present the potential of encoding the graph information in the quantum Hilbert space using the derivation of Gaussian Boson Samplers Kernel (GBSK). The information of all possible subgraphs can be obtained by sampling instead of counting the appearance of specific substructures classically. A specific kernel encoding the feature of all subgraphs (SFGK) Kishi et al. (2021) investigates how to utilize the power of quantum superposition to encode every subgraph into a feature space. The major disadvantage of their model is that the similarity between the superposition states is hard to estimate, thereby limiting the model capacity. The Hamiltonian encoding approach is further exploited in the Quantum Evolution Kernel (QEK) Henry et al. (2021) to represent the topology of the input graph. A particular graph kernel generated by performing the quantum evolution followed by a carefully chosen observable is able to characterize graphs in a real quantum computer.

4.2 Shallow Circuit Graph Learning

Most classic graph learning techniques are motivated by graph-free models such as kernel methods and CNNs. New generalizations and definitions of important operations have been developed to handle the complexity of graph data Wu et al. (2020). As a result, some studies use quantum computing to efficiently duplicate procedures resulting from classic graph learning. It seems to be essential to build effective embedding approaches that encode the classical data into their quantum representations while keeping as much of the original information as possible Huang et al. (2021); Schuld (2021). Besides, the embedding phase contributes the most nonlinear transformations Schuld and Killoran (2019) and is the basis of the quantum speed-ups claimed by many quantum machine learning algorithms Biamonte et al. (2017). Therefore, new methods should be developed to handle embedding efficacy. For learning on graphs, the permutation invariance of node orderings should be also carefully considered when transforming original graphs into their quantum expressions. The shallow circuit learning method is a kind of quantum algorithm based on the current noisy intermediate-scale quantum (NISQ) devices, which encodes the original data into their quantum representations and approximates the objective function by adjusting the learnable gate circuit parameters Schuld (2021). Generally the shallow circuit can be divided into two parts where the embedding circuit is responsible for encoding the data into quantum Hilbert space and the following parameterized processing circuit is used to extract hidden features from the feature space.

Verdon et al. (2019) introduces a quantum graph neural network (QGNN) that treats the interaction of qubits as the nodes connected by edges. The entire graph thereby can be expressed by a quadratic Hamiltonian, which implies that we can think about quantum circuits with graph-theoretic properties. Their numerical results limited to small-scale experiments show several potential applications such as spectral clustering and graph isomorphism classification. While more recently, it has been successfully applied to graphs with node features in Zheng et al. (2021); Ai et al. (2022). However, their methods suffer the computational cost as a result of quantum tomography, resulting in the massive resource overhead. Mernyei et al. (2021) constructs an equivalent quantum graph circuit (EQGC) whose topology preserves permutation invariance of the input graph. But the number of the qubits scales linearly with the number of nodes, and the prediction accuracy closely depends on the fidelity of the measurements. An alternative approach devised by Beer et al. (2021) uses qubits as neurons to characterize the graph as quantum states. They design a quantum neural network (QNN) trained on a well-designed loss evaluated by the fidelity of quantum representations of connected nodes.

4.3 Hybrid Deep Graph Learning

While GNNs represent state-of-the-art classical machine learning for a range of benchmark tasks on graphs, there is no clear proof of quantum advantages for tasks on classical graph-related datasets in extant quantum neural networks. Therefore, some experts pin their hopes on developing approaches that combine the expressiveness of the classical learning methods with the power of quantum modules to improve the performance of existing models. A hierarchical neural network based on QRWs (QWNN) is developed by Dernbach et al. (2018) with a series of coins. The different setting of coins allows the quantum walks to behave differently in terms of extracting various properties of graphs. A classical diffusion process is employed to intersperse the information along with the composite form of position distribution generated by different quantum walks. Another quantum information propagation approach presented by Bai et al. (2021) captures the multi-scale node features by employing the mixing matrix of CT-QRWs instead of directly using the adjacency matrix. QRWs are employed to select the more relevant neighbors of the center node to achieve a more efficient information diffusion process in the quantum subgraph convolutional neural network (QSCNN) Zhang et al. (2019). Chen et al. (2021) develops a composite model (QGCNN) to perform convolutional and pooling operations on graphs in which the parameterized quantum circuit tailed by the fully connected neural network is used to approximate the learning function. A hybrid GNN (HQGNN) is applied for particle track reconstruction Tüysüz et al. (2021), consisting of variational circuits to improve expressiveness.

5 Challenges and Outlook

Though quantum graph computing and quantum graph learning have proven their potential in various learning tasks, challenges still exist due to the restricted scale of current quantum computational devices, instability of quantum states and complexity of yielding numerical results by measurement. We outlook three directions for the future researches.

Encoding Reliability It is necessary to develop an effective approach to encode the graph into quantum representation while preserving the structural information and node’s and edge’s features. Besides, the success of (deep) neural networks relies on the nonlinear activation functions to enhance the expression ability, whereas the evolution of the quantum physics is linearly unitary transformation Schuld and Petruccione (2018). Therefore, it is also important to consider more nonlinear effects while embedding classical data.

Data-driven and Adaptivity The goal of developing classical learning methods is to be independent of experts and easy to be migrated to other tasks, and the same is true for quantum machine learning. However, most existing quantum computing methods are theory-oriented and knowledge-driven. A recent study Huang et al. (2021) demonstrates the potential of enhancing quantum algorithms using the power of data. The further study of data-driven quantum graph algorithms will be possible to provide a more valuable reference for solving graph theoretical and graph learning problems.

Computational Efficiency The cost landscapes of training quantum algorithms are generally non-convex, making it difficult to establish general guarantees about the computational expense of the optimizations Cerezo et al. (2020). The process of embedding structural information into quantum expression will inevitably introduce additional ancilla qubits Zheng et al. (2021) and entanglement between qubits Verdon et al. (2019), which further makes quantum circuits more difficult to model. These problems may be avoided by ingenious circuit design and efficient gradient calculation.

References

  • Adedoyin et al. [2018] A. Adedoyin, J. Ambrosiano, P. Anisimov, A. Bärtschi, W. Casper, G. Chennupati, C. Coffrin, H. Djidjev, D. Gunter, S. Karra, et al. Quantum algorithm implementations for beginners. arXiv:1804.03719, 2018.
  • Ahmed et al. [2013] A. Ahmed, N. Shervashidze, S. Narayanamurthy, V. Josifovski, and A. J. Smola. Distributed large-scale natural graph factorization. In WWW, 2013.
  • Ai et al. [2022] X. Ai, Z. Zhang, L. Sun, J. Yan, and E. Hancock. Decompositional quantum graph neural network. arXiv:2201.05158, 2022.
  • Albash and Lidar [2018] T. Albash and D. A. Lidar. Adiabatic quantum computation. Reviews of Modern Physics, 2018.
  • Albash and Marshall [2021] T. Albash and J. Marshall. Comparing relaxation mechanisms in quantum and classical transverse-field annealing. Physical Review Applied, 2021.
  • Ambainis et al. [2019] A. Ambainis, K. Balodis, J. Iraids, M. Kokainis, K. Prūsis, and J. Vihrovs. Quantum speedups for exponential-time dynamic programming algorithms. In SODA, 2019.
  • Bai et al. [2015] L. Bai, L. Rossi, A. Torsello, and E. R. Hancock. A quantum jensen–shannon graph kernel for unattributed graphs. Pattern Recognition, 2015.
  • Bai et al. [2017] L. Bai, L. Rossi, L. Cui, Z. Zhang, P. Ren, X. Bai, and E. Hancock. Quantum kernels for unattributed graphs using discrete-time quantum walks. Pattern Recognition Letters, 2017.
  • Bai et al. [2021] L. Bai, Y. Jiao, L. Cui, L. Rossi, Y. Wang, P. Yu, and E. Hancock. Learning graph convolutional networks based on quantum vertex information propagation. IEEE TKDE, 2021.
  • Bass et al. [2018] G. Bass, C. Tomlin, V. Kumar, P. Rihaczek, and J. Dulny. Heterogeneous quantum computing for satellite constellation optimization: solving the weighted k-clique problem. Quantum Science and Technology, 2018.
  • Beer et al. [2021] K. Beer, M. Khosla, J. Köhler, and T. J. Osborne. Quantum machine learning of graph-structured data. arXiv:2103.10837, 2021.
  • Belkin and Niyogi [2001] M. Belkin and P. Niyogi. Laplacian eigenmaps and spectral techniques for embedding and clustering. In NeurIPS, 2001.
  • Biamonte et al. [2017] J. Biamonte, P. Wittek, N. Pancotti, P. Rebentrost, N. Wiebe, and S. Lloyd. Quantum machine learning. Nature, 2017.
  • Brady et al. [2021] L. T. Brady, C. L. Baldwin, A. Bapat, Y. Kharkov, and A. V. Gorshkov. Optimal protocols in quantum annealing and quantum approximate optimization algorithm problems. Physical Review Letters, 2021.
  • Calude et al. [2017] C. S. Calude, M. J. Dinneen, and R. Hua. Qubo formulations for the graph isomorphism problem and related problems. Theoretical Computer Science, 2017.
  • Cerezo et al. [2020] M. Cerezo, A. Poremba, L. Cincio, and P. J. Coles. Variational quantum fidelity estimation. Quantum, 2020.
  • Černỳ [1993] V. Černỳ. Quantum computers and intractable (np-complete) computing problems. Physical Review A, 1993.
  • Chams et al. [1987] M. Chams, A. Hertz, and D. De Werra. Some experiments with simulated annealing for coloring graphs. EJOR, 1987.
  • Chang et al. [2018] W.-L. Chang, Q. Yu, Z. Li, J. Chen, X. Peng, and M. Feng. Quantum speedup in solving the maximal-clique problem. Physical Review A, 2018.
  • Chen et al. [2020] D. Chen, L. Jacob, and J. Mairal. Convolutional kernel networks for graph-structured data. In ICML, 2020.
  • Chen et al. [2021] S. Y.-C. Chen, T.-C. Wei, C. Zhang, H. Yu, and S. Yoo. Hybrid quantum-classical graph convolutional network. arXiv:2101.06189, 2021.
  • Childs and Eisenberg [2005] A. M. Childs and J. M. Eisenberg. Quantum algorithms for subset finding. Quantum Info. Comput., 2005.
  • Childs et al. [2002] A. M. Childs, E. Farhi, and S. Gutmann. An example of the difference between quantum and classical random walks. Quantum Information Processing, 2002.
  • Cong et al. [2019] I. Cong, S. Choi, and M. D. Lukin. Quantum convolutional neural networks. Nature Physics, 2019.
  • Dernbach et al. [2018] S. Dernbach, A. Mohseni-Kabir, S. Pal, and D. Towsley. Quantum walk neural networks for graph-structured data. In Complex Networks and Their Applications, 2018.
  • Dunjko and Briegel [2018] V. Dunjko and H. J. Briegel. Machine learning & artificial intelligence in the quantum domain: a review of recent progress. Reports on Progress in Physics, 2018.
  • Dürr et al. [2006] C. Dürr, M. Heiligman, P. HOyer, and M. Mhalla. Quantum query complexity of some graph problems. SIAM Journal on Computing, 2006.
  • Emms et al. [2009a] D. Emms, R. C. Wilson, and E. R. Hancock. Graph matching using the interference of continuous-time quantum walks. Pattern Recognition, 2009.
  • Emms et al. [2009b] D. Emms, R. C. Wilson, and E. R. Hancock. Graph matching using the interference of discrete-time quantum walks. IVC, 2009.
  • Emms et al. [2009c] D. M. Emms, R. C. Wilson, and E. R. Hancock. Graph embedding using a quasi-quantum analogue of the hitting times of continuous time quantum walks. Quantum Information & Computation, 2009.
  • Farhi and Gutmann [1998] E. Farhi and S. Gutmann. Quantum computation and decision trees. Physical Review A, 1998.
  • Gilmer et al. [2017] J. Gilmer, S. S. Schoenholz, P. F. Riley, O. Vinyals, and G. E. Dahl. Neural message passing for quantum chemistry. In ICML, 2017.
  • Goyal and Ferrara [2018] P. Goyal and E. Ferrara. Graph embedding techniques, applications, and performance: A survey. Knowledge-Based Systems, 2018.
  • Greenwood [2001] G. W. Greenwood. Finding solutions to np problems: Philosophical differences between quantum and evolutionary search algorithms. In CEC. IEEE, 2001.
  • Grover and Leskovec [2016] A. Grover and J. Leskovec. node2vec: Scalable feature learning for networks. In KDD, 2016.
  • Grover [1996] L. K. Grover. A fast quantum mechanical algorithm for database search. In STOC, 1996.
  • Harrow et al. [2009] A. W. Harrow, A. Hassidim, and S. Lloyd. Quantum algorithm for linear systems of equations. Physical review letters, 2009.
  • Haussler [1999] D. Haussler. Convolution kernels on discrete structures. Technical report, Department of Computer Science, University of California, 1999.
  • Hegade et al. [2021] N. N. Hegade, K. Paul, Y. Ding, M. Sanz, F. Albarrán-Arriagada, E. Solano, and X. Chen. Shortcuts to adiabaticity in digitized adiabatic quantum computing. Physical Review Applied, 2021.
  • Henry et al. [2021] L.-P. Henry, S. Thabet, C. Dalyac, and L. Henriet. Quantum evolution kernel: Machine learning on graphs with programmable arrays of qubits. Physical Review A, 2021.
  • Hillery et al. [2010] M. Hillery, D. Reitzner, and V. Bužek. Searching via walking: How to find a marked clique of a complete graph using quantum walks. Physical Review A, 2010.
  • Huang et al. [2021] H.-Y. Huang, M. Broughton, M. Mohseni, R. Babbush, S. Boixo, H. Neven, and J. R. McClean. Power of data in quantum machine learning. Nat. Commun., 2021.
  • Kempe [2003] J. Kempe. Quantum random walks: an introductory overview. Contemporary Physics, 2003.
  • Kempe [2005] J. Kempe. Discrete quantum walks hit exponentially faster. Probab. Theory Relat. Fields, 2005.
  • Kipf and Welling [2017] T. N. Kipf and M. Welling. Semi-supervised classification with graph convolutional networks. In ICLR, 2017.
  • Kishi et al. [2021] K. Kishi, T. Satoh, R. Raymond, N. Yamamoto, and Y. Sakakibara. Graph kernels encoding features of all subgraphs by quantum superposition. arXiv:2103.16093, 2021.
  • Kitaev [1996] A. Y. Kitaev. Quantum measurements and the abelian stabilizer problem. Electron. Colloquium Comput. Complex., 1996.
  • Li et al. [2015] Z. Li, X. Liu, N. Xu, and J. Du. Experimental realization of a quantum support vector machine. Physical review letters, 2015.
  • Li et al. [2016] Y. Li, D. Tarlow, M. Brockschmidt, and R. Zemel. Gated graph sequence neural networks. In ICLR, 2016.
  • Liu et al. [2021] Y. Liu, S. Arunachalam, and K. Temme. A rigorous and robust quantum speed-up in supervised machine learning. Nature Physics, 2021.
  • Lucas [2014] A. Lucas. Ising formulations of many np problems. Frontiers in physics, 2014.
  • Luo et al. [2011] D. Luo, C. H. Ding, F. Nie, and H. Huang. Cauchy graph embedding. In ICML, 2011.
  • Mernyei et al. [2021] P. Mernyei, K. Meichanetzidis, and İ. İ. Ceylan. Equivariant quantum graph circuits. arXiv:2112.05261, 2021.
  • Montanaro [2016] A. Montanaro. Quantum algorithms: an overview. npj Quantum Information, 2016.
  • Moylett et al. [2017] D. J. Moylett, N. Linden, and A. Montanaro. Quantum speedup of the traveling-salesman problem for bounded-degree graphs. Physical Review A, 2017.
  • Nath et al. [2021] R. K. Nath, H. Thapliyal, and T. S. Humble. A review of machine learning classification using quantum annealing for real-world applications. SN Computer Science, 2021.
  • Pelofske et al. [2019] E. Pelofske, G. Hahn, and H. Djidjev. Solving large maximum clique problems on a quantum annealer. In QTOP. Springer, 2019.
  • Perozzi et al. [2014] B. Perozzi, R. Al-Rfou, and S. Skiena. Deepwalk: Online learning of social representations. In KDD, 2014.
  • Preskill [2018] J. Preskill. Quantum computing in the nisq era and beyond. Quantum, 2018.
  • Qiu et al. [2018] J. Qiu, Y. Dong, H. Ma, J. Li, K. Wang, and J. Tang. Network embedding as matrix factorization: Unifying deepwalk, line, pte, and node2vec. In WSDM, 2018.
  • Rebentrost et al. [2014] P. Rebentrost, M. Mohseni, and S. Lloyd. Quantum support vector machine for big data classification. Physical review letters, 2014.
  • Ren et al. [2011] P. Ren, T. Aleksić, D. Emms, R. C. Wilson, and E. R. Hancock. Quantum walks, ihara zeta functions and cospectrality in regular graphs. Quantum Information Processing, 2011.
  • Scarselli et al. [2008] F. Scarselli, M. Gori, A. C. Tsoi, M. Hagenbuchner, and G. Monfardini. The graph neural network model. IEEE Trans. Neural Netw., 2008.
  • Schuld and Killoran [2019] M. Schuld and N. Killoran. Quantum machine learning in feature hilbert spaces. Physical review letters, 2019.
  • Schuld and Petruccione [2018] M. Schuld and F. Petruccione. Supervised learning with quantum computers. Springer, 2018.
  • Schuld et al. [2020] M. Schuld, K. Brádler, R. Israel, D. Su, and B. Gupt. Measuring the similarity of graphs with a gaussian boson sampler. Physical Review A, 2020.
  • Schuld [2021] M. Schuld. Supervised quantum machine learning models are kernel methods. arXiv:2101.11020, 2021.
  • Shor [1994] P. W. Shor. Algorithms for quantum computation: discrete logarithms and factoring. In FOCS. Ieee, 1994.
  • Shuman et al. [2013] D. I. Shuman, S. K. Narang, P. Frossard, A. Ortega, and P. Vandergheynst. The emerging field of signal processing on graphs: Extending high-dimensional data analysis to networks and other irregular domains. IEEE Signal Process. Mag., 2013.
  • Silva et al. [2020] C. Silva, A. Aguiar, P. M. Lima, and I. Dutra. Mapping graph coloring to quantum annealing. Quantum Machine Intelligence, 2020.
  • Srinivasan et al. [2018] K. Srinivasan, S. Satyajit, B. K. Behera, and P. K. Panigrahi. Efficient quantum algorithm for solving travelling salesman problem: An ibm quantum experience. arXiv:1805.10928, 2018.
  • Tian et al. [2019] Y. Tian, L. Zhao, X. Peng, and D. Metaxas. Rethinking kernel methods for node representation learning on graphs. NeurIPS, 2019.
  • Tüysüz et al. [2021] C. Tüysüz, C. Rieger, K. Novotny, B. Demirköz, D. Dobos, K. Potamianos, S. Vallecorsa, J.-R. Vlimant, and R. Forster. Hybrid quantum classical graph neural networks for particle track reconstruction. Quantum Machine Intelligence, 2021.
  • Ushijima-Mwesigwa et al. [2017] H. Ushijima-Mwesigwa, C. F. Negre, and S. M. Mniszewski. Graph partitioning using quantum annealing on the d-wave system. In PMES, 2017.
  • Venegas-Andraca [2012] S. E. Venegas-Andraca. Quantum walks: a comprehensive review. Quantum Information Processing, 2012.
  • Verdon et al. [2019] G. Verdon, T. McCourt, E. Luzhnica, V. Singh, S. Leichenauer, and J. Hidary. Quantum graph neural networks. arXiv:1909.12264, 2019.
  • Wu et al. [2020] Z. Wu, S. Pan, F. Chen, G. Long, C. Zhang, and S. Y. Philip. A comprehensive survey on graph neural networks. IEEE TNNLS, 2020.
  • Zhang et al. [2019] Z. Zhang, D. Chen, J. Wang, L. Bai, and E. R. Hancock. Quantum-based subgraph convolutional neural networks. Pattern Recognition, 2019.
  • Zheng et al. [2021] J. Zheng, Q. Gao, and Y. Lü. Quantum graph convolutional neural networks. In Chinese Control Conference. IEEE, 2021.
  • Zlokapa et al. [2021] A. Zlokapa, H. Neven, and S. Lloyd. A quantum algorithm for training wide and deep classical neural networks. arXiv:2107.09200, 2021.