Quantum machine learning

Last updated

Quantum machine learning is the integration of quantum algorithms within machine learning programs. [1] [2] [3] [4] [5] [6] [7] [8]

Contents

The most common use of the term refers to machine learning algorithms for the analysis of classical data executed on a quantum computer, i.e. quantum-enhanced machine learning. [9] [10] [11] While machine learning algorithms are used to compute immense quantities of data, quantum machine learning utilizes qubits and quantum operations or specialized quantum systems to improve computational speed and data storage done by algorithms in a program. [12] This includes hybrid methods that involve both classical and quantum processing, where computationally difficult subroutines are outsourced to a quantum device. [13] [14] [15] These routines can be more complex in nature and executed faster on a quantum computer. [7] Furthermore, quantum algorithms can be used to analyze quantum states instead of classical data. [16] [17]

Beyond quantum computing, the term "quantum machine learning" is also associated with classical machine learning methods applied to data generated from quantum experiments (i.e. machine learning of quantum systems), such as learning the phase transitions of a quantum system [18] [19] or creating new quantum experiments. [20] [21] [22]

Quantum machine learning also extends to a branch of research that explores methodological and structural similarities between certain physical systems and learning systems, in particular neural networks. For example, some mathematical and numerical techniques from quantum physics are applicable to classical deep learning and vice versa. [23] [24] [25]

Furthermore, researchers investigate more abstract notions of learning theory with respect to quantum information, sometimes referred to as "quantum learning theory". [26] [27]

Four different approaches to combine the disciplines of quantum computing and machine learning. The first letter refers to whether the system under study is classical or quantum, while the second letter defines whether a classical or quantum information processing device is used. Qml approaches.tif
Four different approaches to combine the disciplines of quantum computing and machine learning. The first letter refers to whether the system under study is classical or quantum, while the second letter defines whether a classical or quantum information processing device is used.

Machine learning with quantum computers

Quantum-enhanced machine learning refers to quantum algorithms that solve tasks in machine learning, thereby improving and often expediting classical machine learning techniques. Such algorithms typically require one to encode the given classical data set into a quantum computer to make it accessible for quantum information processing. Subsequently, quantum information processing routines are applied and the result of the quantum computation is read out by measuring the quantum system. For example, the outcome of the measurement of a qubit reveals the result of a binary classification task. While many proposals of quantum machine learning algorithms are still purely theoretical and require a full-scale universal quantum computer to be tested, others have been implemented on small-scale or special purpose quantum devices.

Quantum associative memories and quantum pattern recognition

Associative (or content-addressable memories) are able to recognize stored content on the basis of a similarity measure, rather than fixed addresses, like in random access memories. As such they must be able to retrieve both incomplete and corrupted patterns, the essential machine learning task of pattern recognition.

Typical classical associative memories store p patterns in the interactions (synapses) of a real,  symmetric energy matrix over a network of n artificial neurons. The encoding is such that the desired patterns are local minima of the energy functional and retrieval is done by minimizing the total energy, starting from an initial configuration.

Unfortunately, classical associative memories are severely limited by the phenomenon of cross-talk. When too many patterns are stored, spurious memories appear which quickly proliferate, so that the energy landscape becomes disordered and no retrieval is anymore possible. The number of storable patterns is typically limited by a linear function of the number of neurons, .

Quantum associative memories [2] [3] [4] (in their simplest realization) store patterns in a unitary matrix U acting on the Hilbert space of n qubits. Retrieval is realized by the unitary evolution of a fixed initial state to a quantum superposition of the desired patterns with probability distribution peaked on the most similar pattern to an input. By its very quantum nature, the retrieval process is thus probabilistic. Because quantum associative memories are free from cross-talk, however, spurious memories are never generated. Correspondingly, they have a superior capacity than classical ones. The number of parameters in the unitary matrix U is . One can thus have efficient, spurious-memory-free quantum associative memories for any polynomial number of patterns.

Linear algebra simulation with quantum amplitudes

A number of quantum algorithms for machine learning are based on the idea of amplitude encoding, that is, to associate the amplitudes of a quantum state with the inputs and outputs of computations. [30] [31] [32] Since a state of qubits is described by complex amplitudes, this information encoding can allow for an exponentially compact representation. Intuitively, this corresponds to associating a discrete probability distribution over binary random variables with a classical vector. The goal of algorithms based on amplitude encoding is to formulate quantum algorithms whose resources grow polynomially in the number of qubits , which amounts to a logarithmic time complexity in the number of amplitudes and thereby the dimension of the input.

Many quantum machine learning algorithms in this category are based on variations of the quantum algorithm for linear systems of equations [33] (colloquially called HHL, after the paper's authors) which, under specific conditions, performs a matrix inversion using an amount of physical resources growing only logarithmically in the dimensions of the matrix. One of these conditions is that a Hamiltonian which entry wise corresponds to the matrix can be simulated efficiently, which is known to be possible if the matrix is sparse [34] or low rank. [35] For reference, any known classical algorithm for matrix inversion requires a number of operations that grows more than quadratically in the dimension of the matrix (e.g. ), but they are not restricted to sparse matrices.

Quantum matrix inversion can be applied to machine learning methods in which the training reduces to solving a linear system of equations, for example in least-squares linear regression, [31] [32] the least-squares version of support vector machines, [30] and Gaussian processes. [36]

A crucial bottleneck of methods that simulate linear algebra computations with the amplitudes of quantum states is state preparation, which often requires one to initialise a quantum system in a state whose amplitudes reflect the features of the entire dataset. Although efficient methods for state preparation are known for specific cases, [37] [38] this step easily hides the complexity of the task. [39] [40]

Variational quantum algorithms (VQAs)

VQAs are one of the most studied quantum algorithms as researchers expect that all the needed applications for the quantum computer will be using the VQAs and also VQAs seem to fulfill the expectation for gaining quantum supremacy.  VQAs is a mixed quantum-classical approach where the quantum processor prepares quantum states and measurement is made and the optimization is done by a classical computer. VQAs are considered best for NISQ as VQAs are noise tolerant compared to other algorithms and give quantum superiority with only a few hundred qubits. Researchers have studied circuit-based algorithms to solve optimization problems and find the ground state energy of complex systems, which were difficult to solve or required a large time to perform the computation using a classical computer. [41] [42]

Variational quantum circuits (VQCs)

Variational Quantum Circuits also known as Parametrized Quantum Circuits (PQCs) are based on Variational Quantum Algorithms (VQAs). VQCs consist of three parts: preparation of initial states, quantum circuit, and measurement. Researchers are extensively studying VQCs, as it uses the power of quantum computation to learn in a short time and also use fewer parameters than its classical counterparts. It is theoretically and numerically proven that we can approximate non-linear functions, like those used in neural networks, on quantum circuits. Due to VQCs superiority, neural network has been replaced by VQCs in Reinforcement Learning tasks and Generative Algorithms. The intrinsic nature of quantum devices towards decoherence, random gate error and measurement errors caused to have high potential to limit the training of the variation circuits. Training the VQCs on the classical devices before employing them on quantum devices helps to overcome the problem of decoherence noise that came through the number of repetitions for training. [43] [44] [45]

Quantum binary classifier

Pattern reorganization is one of the important tasks of machine learning, binary classification is one of the tools or algorithms to find patterns. Binary classification is used in supervised learning and in unsupervised learning. In quantum machine learning, classical bits are converted to qubits and they are mapped to Hilbert space; complex value data are used in a quantum binary classifier to use the advantage of Hilbert space. [46] [47] By exploiting the quantum mechanic properties such as superposition, entanglement, interference the quantum binary classifier produces the accurate result in short period of time. [48]

Another approach to improving classical machine learning with quantum information processing uses amplitude amplification methods based on Grover's search algorithm, which has been shown to solve unstructured search problems with a quadratic speedup compared to classical algorithms. These quantum routines can be employed for learning algorithms that translate into an unstructured search task, as can be done, for instance, in the case of the k-medians [49] and the k-nearest neighbors algorithms. [9] Other applications include quadratic speedups in the training of perceptron [50] and the computation of attention. [51]

An example of amplitude amplification being used in a machine learning algorithm is Grover's search algorithm minimization. In which a subroutine uses Grover's search algorithm to find an element less than some previously defined element. This can be done with an oracle that determines whether or not a state with a corresponding element is less than the predefined one. Grover's algorithm can then find an element such that our condition is met. The minimization is initialized by some random element in our data set, and iteratively does this subroutine to find the minimum element in the data set. This minimization is notably used in quantum k-medians, and it has a speed up of at least compared to classical versions of k-medians, where is the number of data points and is the number of clusters. [49]

Amplitude amplification is often combined with quantum walks to achieve the same quadratic speedup. Quantum walks have been proposed to enhance Google's PageRank algorithm [52] as well as the performance of reinforcement learning agents in the projective simulation framework. [53]

Quantum-enhanced reinforcement learning

Reinforcement learning is a branch of machine learning distinct from supervised and unsupervised learning, which also admits quantum enhancements. [54] [53] [55] In quantum-enhanced reinforcement learning, a quantum agent interacts with a classical or quantum environment and occasionally receives rewards for its actions, which allows the agent to adapt its behavior—in other words, to learn what to do in order to gain more rewards. In some situations, either because of the quantum processing capability of the agent, [53] or due to the possibility to probe the environment in superpositions, [29] a quantum speedup may be achieved. Implementations of these kinds of protocols have been proposed for systems of trapped ions [56] and superconducting circuits. [57] A quantum speedup of the agent's internal decision-making time [53] has been experimentally demonstrated in trapped ions, [58] while a quantum speedup of the learning time in a fully coherent (`quantum') interaction between agent and environment has been experimentally realized in a photonic setup. [59]

Quantum annealing

Quantum annealing is an optimization technique used to determine the local minima and maxima of a function over a given set of candidate functions. This is a method of discretizing a function with many local minima or maxima in order to determine the observables of the function. The process can be distinguished from Simulated annealing by the Quantum tunneling process, by which particles tunnel through kinetic or potential barriers from a high state to a low state. Quantum annealing starts from a superposition of all possible states of a system, weighted equally. Then the time-dependent Schrödinger equation guides the time evolution of the system, serving to affect the amplitude of each state as time increases. Eventually, the ground state can be reached to yield the instantaneous Hamiltonian of the system.

NISQ Circuit as Quantum Model

As the depth of the quantum circuit advances on NISQ devices, the noise level rises, posing a significant challenge to accurately computing costs and gradients on training models. The noise tolerance will be improved by using the quantum perceptron and the quantum algorithm on the currently accessible quantum hardware.[ citation needed ]

A regular connection of similar components known as neurons forms the basis of even the most complex brain networks. Typically, a neuron has two operations: the inner product and an activation function. As opposed to the activation function, which is typically nonlinear, the inner product is a linear process. With quantum computing, linear processes may be easily accomplished additionally,  due to the simplicity of implementation, the threshold function is preferred by the majority of quantum neurons for activation functions.[ citation needed ]

Quantum sampling techniques

Sampling from high-dimensional probability distributions is at the core of a wide spectrum of computational techniques with important applications across science, engineering, and society. Examples include deep learning, probabilistic programming, and other machine learning and artificial intelligence applications.

A computationally hard problem, which is key for some relevant machine learning tasks, is the estimation of averages over probabilistic models defined in terms of a Boltzmann distribution. Sampling from generic probabilistic models is hard: algorithms relying heavily on sampling are expected to remain intractable no matter how large and powerful classical computing resources become. Even though quantum annealers, like those produced by D-Wave Systems, were designed for challenging combinatorial optimization problems, it has been recently recognized as a potential candidate to speed up computations that rely on sampling by exploiting quantum effects. [60]

Some research groups have recently explored the use of quantum annealing hardware for training Boltzmann machines and deep neural networks. [61] [62] [63] The standard approach to training Boltzmann machines relies on the computation of certain averages that can be estimated by standard sampling techniques, such as Markov chain Monte Carlo algorithms. Another possibility is to rely on a physical process, like quantum annealing, that naturally generates samples from a Boltzmann distribution. The objective is to find the optimal control parameters that best represent the empirical distribution of a given dataset.

The D-Wave 2X system hosted at NASA Ames Research Center has been recently used for the learning of a special class of restricted Boltzmann machines that can serve as a building block for deep learning architectures. [62] Complementary work that appeared roughly simultaneously showed that quantum annealing can be used for supervised learning in classification tasks. [61] The same device was later used to train a fully connected Boltzmann machine to generate, reconstruct, and classify down-scaled, low-resolution handwritten digits, among other synthetic datasets. [64] In both cases, the models trained by quantum annealing had a similar or better performance in terms of quality. The ultimate question that drives this endeavour is whether there is quantum speedup in sampling applications. Experience with the use of quantum annealers for combinatorial optimization suggests the answer is not straightforward. Reverse annealing has been used as well to solve a fully connected quantum restricted Boltzmann machine. [65]

Inspired by the success of Boltzmann machines based on classical Boltzmann distribution, a new machine learning approach based on quantum Boltzmann distribution of a transverse-field Ising Hamiltonian was recently proposed. [66] Due to the non-commutative nature of quantum mechanics, the training process of the quantum Boltzmann machine can become nontrivial. This problem was, to some extent, circumvented by introducing bounds on the quantum probabilities, allowing the authors to train the model efficiently by sampling. It is possible that a specific type of quantum Boltzmann machine has been trained in the D-Wave 2X by using a learning rule analogous to that of classical Boltzmann machines. [64] [63] [67]

Quantum annealing is not the only technology for sampling. In a prepare-and-measure scenario, a universal quantum computer prepares a thermal state, which is then sampled by measurements. This can reduce the time required to train a deep restricted Boltzmann machine, and provide a richer and more comprehensive framework for deep learning than classical computing. [68] The same quantum methods also permit efficient training of full Boltzmann machines and multi-layer, fully connected models and do not have well-known classical counterparts. Relying on an efficient thermal state preparation protocol starting from an arbitrary state, quantum-enhanced Markov logic networks exploit the symmetries and the locality structure of the probabilistic graphical model generated by a first-order logic template. [69] [19] This provides an exponential reduction in computational complexity in probabilistic inference, and, while the protocol relies on a universal quantum computer, under mild assumptions it can be embedded on contemporary quantum annealing hardware.

Quantum neural networks

Quantum analogues or generalizations of classical neural nets are often referred to as quantum neural networks. The term is claimed by a wide range of approaches, including the implementation and extension of neural networks using photons, layered variational circuits or quantum Ising-type models. Quantum neural networks are often defined as an expansion on Deutsch's model of a quantum computational network. [70] Within this model, nonlinear and irreversible gates, dissimilar to the Hamiltonian operator, are deployed to speculate the given data set. [70] Such gates make certain phases unable to be observed and generate specific oscillations. [70] Quantum neural networks apply the principals quantum information and quantum computation to classical neurocomputing. [71] Current research shows that QNN can exponentially increase the amount of computing power and the degrees of freedom for a computer, which is limited for a classical computer to its size. [71] A quantum neural network has computational capabilities to decrease the number of steps, qubits used, and computation time. [70] The wave function to quantum mechanics is the neuron for Neural networks. To test quantum applications in a neural network, quantum dot molecules are deposited on a substrate of GaAs or similar to record how they communicate with one another. Each quantum dot can be referred as an island of electric activity, and when such dots are close enough (approximately 10 - 20 nm) [72] electrons can tunnel underneath the islands. An even distribution across the substrate in sets of two create dipoles and ultimately two spin states, up or down. These states are commonly known as qubits with corresponding states of and in Dirac notation. [72]

Quantum Convolution Neural Network

A novel design for multi-dimensional vectors that uses circuits as convolution filters [73] is QCNN. It was inspired by the advantages of CNNs [74] [75] and the power of QML. It is made using a combination of a variational quantum circuit(VQC) [76] and a deep neural network [77] (DNN), fully utilizing the power of extremely parallel processing on a superposition of a quantum state with a finite number of qubits. The main strategy is to carry out an iterative optimization process in the NISQ [78] devices, without the negative impact of noise, which is possibly incorporated into the circuit parameter, and without the need for quantum error correction. [79]

The quantum circuit must effectively handle spatial information in order for QCNN to function as CNN. The convolution filter is the most basic technique for making use of spatial information. One or more quantum convolutional filters make up a quantum convolutional neural network (QCNN), and each of these filters transforms input data using a quantum circuit that can be created in an organized or randomized way. Three parts that make up the quantum convolutional filter are: the encoder, the parameterized quantum circuit (PQC), [80] and the measurement. The quantum convolutional filter can be seen as an extension of the filter in the traditional CNN because it was designed with trainable parameters.

Quantum neural networks take advantage of the hierarchical structures, [81] and for each subsequent layer, the number of qubits from the preceding layer is decreased by a factor of two. For n input qubits, these structure have O(log(n)) layers, allowing for shallow circuit depth. Additionally, they are able to avoid "barren plateau," one of the most significant issues with PQC-based algorithms, ensuring trainability. [82] Despite the fact that the QCNN model does not include the corresponding quantum operation, the fundamental idea of the pooling layer is also offered to assure validity. In QCNN architecture, the pooling layer is typically placed between succeeding convolutional layers. Its function is to shrink the representation's spatial size while preserving crucial features, which allows it to reduce the number of parameters, streamline network computing, and manage over-fitting. Such process can be accomplished applying full Tomography on the state to reduce it all the way down to one qubit and then processed it in subway. The most frequently used unit type in the pooling layer is max pooling, although there are other types as well. Similar to conventional feed-forward neural networks, the last module is a fully connected layer with full connections to all activations in the preceding layer. Translational invariance, which requires identical blocks of parameterized quantum gates within a layer, is a distinctive feature of the QCNN architecture. [83]

Dissipative Quantum Neural Network

Dissipative QNNs (DQNNs) are constructed from layers of qubits coupled by perceptron called building blocks, which have an arbitrary unitary design. Each node in the network layer of a DQNN is given a distinct collection of qubits, and each qubit is also given a unique quantum perceptron unitary to characterize it. [84] [85] The input states information are transported through the network in a feed-forward fashion, layer-to-layer transition mapping on the qubits of the two adjacent layers, as the name implies. Dissipative term also refers to the fact that the output layer is formed by the ancillary qubits while the input layers are dropped while tracing out the final layer. [86] When performing a broad supervised learning task, DQNN are used to learn a unitary matrix connecting the input and output quantum states. The training data for this task consists of the quantum state and the corresponding classical labels.

Inspired by the extremely successful classical Generative adversarial network(GAN), [87] dissipative quantum generative adversarial network (DQGAN) is introduced for unsupervised learning of the unlabeled training data . The generator and the discriminator are the two DQNNs that make up a single DQGAN. [85] The generator's goal is to create false training states that the discriminator cannot differentiate from the genuine ones, while the discriminator's objective is to separate the real training states from the fake states created by the generator. The relevant features of the training set are learned by the generator by alternate and adversarial training of the networks that aid in the production of sets that extend the training set. DQGAN has a fully quantum architecture and is trained in quantum data.

Hidden quantum Markov models

Hidden quantum Markov models [88] (HQMMs) are a quantum-enhanced version of classical Hidden Markov Models (HMMs), which are typically used to model sequential data in various fields like robotics and natural language processing. Unlike the approach taken by other quantum-enhanced machine learning algorithms, HQMMs can be viewed as models inspired by quantum mechanics that can be run on classical computers as well. [89] Where classical HMMs use probability vectors to represent hidden 'belief' states, HQMMs use the quantum analogue: density matrices. Recent work has shown that these models can be successfully learned by maximizing the log-likelihood of the given data via classical optimization, and there is some empirical evidence that these models can better model sequential data compared to classical HMMs in practice, although further work is needed to determine exactly when and how these benefits are derived. [89] Additionally, since classical HMMs are a particular kind of Bayes net, an exciting aspect of HQMMs is that the techniques used show how we can perform quantum-analogous Bayesian inference, which should allow for the general construction of the quantum versions of probabilistic graphical models. [89]

Fully quantum machine learning

In the most general case of quantum machine learning, both the learning device and the system under study, as well as their interaction, are fully quantum. This section gives a few examples of results on this topic.

One class of problem that can benefit from the fully quantum approach is that of 'learning' unknown quantum states, processes or measurements, in the sense that one can subsequently reproduce them on another quantum system. For example, one may wish to learn a measurement that discriminates between two coherent states, given not a classical description of the states to be discriminated, but instead a set of example quantum systems prepared in these states. The naive approach would be to first extract a classical description of the states and then implement an ideal discriminating measurement based on this information. This would only require classical learning. However, one can show that a fully quantum approach is strictly superior in this case. [90] (This also relates to work on quantum pattern matching. [91] ) The problem of learning unitary transformations can be approached in a similar way. [92]

Going beyond the specific problem of learning states and transformations, the task of clustering also admits a fully quantum version, wherein both the oracle which returns the distance between data-points and the information processing device which runs the algorithm are quantum. [93] Finally, a general framework spanning supervised, unsupervised and reinforcement learning in the fully quantum setting was introduced in, [29] where it was also shown that the possibility of probing the environment in superpositions permits a quantum speedup in reinforcement learning. Such a speedup in the reinforcement-learning paradigm has been experimentally demonstrated in a photonic setup. [59]

Explainable quantum machine learning

The need for models that can be understood by humans emerges in quantum machine learning in analogy to classical machine learning and drives the research field of explainable quantum machine learning (or XQML [94] in analogy to XAI/XML). XQML can be considered as an alternative research direction instead of finding a quantum advantage. [95] For example, XQML has been used in the context of mobile malware detection and classification. [96] Quantum Shapley values have also been proposed to interpret gates within a circuit based on a game-theoretic approach. [94] For this purpose, gates instead of features act as players in a coalitional game with a value function that depends on measurements of the quantum circuit of interest.

Classical learning applied to quantum problems

The term "quantum machine learning" sometimes refers to classical machine learning performed on data from quantum systems. A basic example of this is quantum state tomography, where a quantum state is learned from measurement. Other applications include learning Hamiltonians [97] and automatically generating quantum experiments. [20]

Quantum learning theory

Quantum learning theory pursues a mathematical analysis of the quantum generalizations of classical learning models and of the possible speed-ups or other improvements that they may provide. The framework is very similar to that of classical computational learning theory, but the learner in this case is a quantum information processing device, while the data may be either classical or quantum. Quantum learning theory should be contrasted with the quantum-enhanced machine learning discussed above, where the goal was to consider specific problems and to use quantum protocols to improve the time complexity of classical algorithms for these problems. Although quantum learning theory is still under development, partial results in this direction have been obtained. [98]

The starting point in learning theory is typically a concept class, a set of possible concepts. Usually a concept is a function on some domain, such as . For example, the concept class could be the set of disjunctive normal form (DNF) formulas on n bits or the set of Boolean circuits of some constant depth. The goal for the learner is to learn (exactly or approximately) an unknown target concept from this concept class. The learner may be actively interacting with the target concept, or passively receiving samples from it.

In active learning, a learner can make membership queries to the target concept c, asking for its value c(x) on inputs x chosen by the learner. The learner then has to reconstruct the exact target concept, with high probability. In the model of quantum exact learning, the learner can make membership queries in quantum superposition. If the complexity of the learner is measured by the number of membership queries it makes, then quantum exact learners can be polynomially more efficient than classical learners for some concept classes, but not more. [99] If complexity is measured by the amount of time the learner uses, then there are concept classes that can be learned efficiently by quantum learners but not by classical learners (under plausible complexity-theoretic assumptions). [99]

A natural model of passive learning is Valiant's probably approximately correct (PAC) learning. Here the learner receives random examples (x,c(x)), where x is distributed according to some unknown distribution D. The learner's goal is to output a hypothesis function h such that h(x)=c(x) with high probability when x is drawn according to D. The learner has to be able to produce such an 'approximately correct' h for every D and every target concept c in its concept class. We can consider replacing the random examples by potentially more powerful quantum examples . In the PAC model (and the related agnostic model), this doesn't significantly reduce the number of examples needed: for every concept class, classical and quantum sample complexity are the same up to constant factors. [100] However, for learning under some fixed distribution D, quantum examples can be very helpful, for example for learning DNF under the uniform distribution. [101] When considering time complexity, there exist concept classes that can be PAC-learned efficiently by quantum learners, even from classical examples, but not by classical learners (again, under plausible complexity-theoretic assumptions). [99]

This passive learning type is also the most common scheme in supervised learning: a learning algorithm typically takes the training examples fixed, without the ability to query the label of unlabelled examples. Outputting a hypothesis h is a step of induction. Classically, an inductive model splits into a training and an application phase: the model parameters are estimated in the training phase, and the learned model is applied an arbitrary many times in the application phase. In the asymptotic limit of the number of applications, this splitting of phases is also present with quantum resources. [102]

Implementations and experiments

The earliest experiments were conducted using the adiabatic D-Wave quantum computer, for instance, to detect cars in digital images using regularized boosting with a nonconvex objective function in a demonstration in 2009. [103] Many experiments followed on the same architecture, and leading tech companies have shown interest in the potential of quantum machine learning for future technological implementations. In 2013, Google Research, NASA, and the Universities Space Research Association launched the Quantum Artificial Intelligence Lab which explores the use of the adiabatic D-Wave quantum computer. [104] [105] A more recent example trained a probabilistic generative models with arbitrary pairwise connectivity, showing that their model is capable of generating handwritten digits as well as reconstructing noisy images of bars and stripes and handwritten digits. [64]

Using a different annealing technology based on nuclear magnetic resonance (NMR), a quantum Hopfield network was implemented in 2009 that mapped the input data and memorized data to Hamiltonians, allowing the use of adiabatic quantum computation. [106] NMR technology also enables universal quantum computing,[ citation needed ] and it was used for the first experimental implementation of a quantum support vector machine to distinguish hand written number ‘6’ and ‘9’ on a liquid-state quantum computer in 2015. [107] The training data involved the pre-processing of the image which maps them to normalized 2-dimensional vectors to represent the images as the states of a qubit. The two entries of the vector are the vertical and horizontal ratio of the pixel intensity of the image. Once the vectors are defined on the feature space, the quantum support vector machine was implemented to classify the unknown input vector. The readout avoids costly quantum tomography by reading out the final state in terms of direction (up/down) of the NMR signal.

Photonic implementations are attracting more attention, [108] not the least because they do not require extensive cooling. Simultaneous spoken digit and speaker recognition and chaotic time-series prediction were demonstrated at data rates beyond 1 gigabyte per second in 2013. [109] Using non-linear photonics to implement an all-optical linear classifier, a perceptron model was capable of learning the classification boundary iteratively from training data through a feedback rule. [110] A core building block in many learning algorithms is to calculate the distance between two vectors: this was first experimentally demonstrated for up to eight dimensions using entangled qubits in a photonic quantum computer in 2015. [111]

Recently, based on a neuromimetic approach, a novel ingredient has been added to the field of quantum machine learning, in the form of a so-called quantum memristor, a quantized model of the standard classical memristor. [112] This device can be constructed by means of a tunable resistor, weak measurements on the system, and a classical feed-forward mechanism. An implementation of a quantum memristor in superconducting circuits has been proposed, [113] and an experiment with quantum dots performed. [114] A quantum memristor would implement nonlinear interactions in the quantum dynamics which would aid the search for a fully functional quantum neural network.

Since 2016, IBM has launched an online cloud-based platform for quantum software developers, called the IBM Q Experience. This platform consists of several fully operational quantum processors accessible via the IBM Web API. In doing so, the company is encouraging software developers to pursue new algorithms through a development environment with quantum capabilities. New architectures are being explored on an experimental basis, up to 32 qubits, using both trapped-ion and superconductive quantum computing methods.

In October 2019, it was noted that the introduction of Quantum Random Number Generators (QRNGs) to machine learning models including Neural Networks and Convolutional Neural Networks for random initial weight distribution and Random Forests for splitting processes had a profound effect on their ability when compared to the classical method of Pseudorandom Number Generators (PRNGs). [115] However, in a more recent publication from 2021, these claims could not be reproduced for Neural Network weight initialization and no significant advantage of using QRNGs over PRNGs was found. [116] The work also demonstrated that the generation of fair random numbers with a gate quantum computer is a non-trivial task on NISQ devices, and QRNGs are therefore typically much more difficult to use in practice than PRNGs.

A paper published in December 2018 reported on an experiment using a trapped-ion system demonstrating a quantum speedup of the deliberation time of reinforcement learning agents employing internal quantum hardware. [58]

In March 2021, a team of researchers from Austria, The Netherlands, the US and Germany reported the experimental demonstration of a quantum speedup of the learning time of reinforcement learning agents interacting fully quantumly with the environment. [117] [59] The relevant degrees of freedom of both agent and environment were realized on a compact and fully tunable integrated nanophotonic processor.

Skepticism

While machine learning itself is now not only a research field but an economically significant and fast growing industry and quantum computing is a well established field of both theoretical and experimental research, quantum machine learning remains a purely theoretical field of studies. Attempts to experimentally demonstrate concepts of quantum machine learning remain insufficient.[ citation needed ]

Many of the leading scientists that extensively publish in the field of quantum machine learning warn about the extensive hype around the topic and are very restrained if asked about its practical uses in the foreseeable future. Sophia Chen [118] collected some of the statements made by well known scientists in the field:

See also

Related Research Articles

<span class="mw-page-title-main">Quantum computing</span> Technology that uses quantum mechanics

A quantum computer is a computer that takes advantage of quantum mechanical phenomena.

This is a timeline of quantum computing.

In logic circuits, the Toffoli gate, invented by Tommaso Toffoli, is a universal reversible logic gate, which means that any classical reversible circuit can be constructed from Toffoli gates. It is also known as the "controlled-controlled-not" gate, which describes its action. It has 3-bit inputs and outputs; if the first two bits are both set to 1, it inverts the third bit, otherwise all bits stay the same.

In quantum computing, a quantum algorithm is an algorithm that runs on a realistic model of quantum computation, the most commonly used model being the quantum circuit model of computation. A classical algorithm is a finite sequence of instructions, or a step-by-step procedure for solving a problem, where each step or instruction can be performed on a classical computer. Similarly, a quantum algorithm is a step-by-step procedure, where each of the steps can be performed on a quantum computer. Although all classical algorithms can also be performed on a quantum computer, the term quantum algorithm is generally reserved for algorithms that seem inherently quantum, or use some essential feature of quantum computation such as quantum superposition or quantum entanglement.

<span class="mw-page-title-main">Quantum neural network</span> Quantum Mechanics in Neural Networks

Quantum neural networks are computational neural network models which are based on the principles of quantum mechanics. The first ideas on quantum neural computation were published independently in 1995 by Subhash Kak and Ron Chrisley, engaging with the theory of quantum mind, which posits that quantum effects play a role in cognitive function. However, typical research in quantum neural networks involves combining classical artificial neural network models with the advantages of quantum information in order to develop more efficient algorithms. One important motivation for these investigations is the difficulty to train classical neural networks, especially in big data applications. The hope is that features of quantum computing such as quantum parallelism or the effects of interference and entanglement can be used as resources. Since the technological implementation of a quantum computer is still in a premature stage, such quantum neural network models are mostly theoretical proposals that await their full implementation in physical experiments.

In quantum computing, the Gottesman–Knill theorem is a theoretical result by Daniel Gottesman and Emanuel Knill that states that stabilizer circuits, circuits that only consist of gates from the normalizer of the qubit Pauli group, also called Clifford group, can be perfectly simulated in polynomial time on a probabilistic classical computer. The Clifford group can be generated solely by using CNOT, Hadamard, and phase gate S; and therefore stabilizer circuits can be constructed using only these gates.

Quantum annealing (QA) is an optimization process for finding the global minimum of a given objective function over a given set of candidate solutions, by a process using quantum fluctuations. Quantum annealing is used mainly for problems where the search space is discrete with many local minima; such as finding the ground state of a spin glass or the traveling salesman problem. The term "quantum annealing" was first proposed in 1988 by B. Apolloni, N. Cesa Bianchi and D. De Falco as a quantum-inspired classical algorithm. It was formulated in its present form by T. Kadowaki and H. Nishimori in 1998 though an imaginary-time variant without quantum coherence had been discussed by A. B. Finnila, M. A. Gomez, C. Sebenik and J. D. Doll in 1994.

<span class="mw-page-title-main">D-Wave Systems</span> Canadian quantum computing company

D-Wave Quantum Systems Inc. is a Canadian quantum computing company, based in Burnaby, British Columbia. D-Wave claims to be the world's first company to sell computers that exploit quantum effects in their operation. D-Wave's early customers include Lockheed Martin, University of Southern California, Google/NASA and Los Alamos National Lab.

Reservoir computing is a framework for computation derived from recurrent neural network theory that maps input signals into higher dimensional computational spaces through the dynamics of a fixed, non-linear system called a reservoir. After the input signal is fed into the reservoir, which is treated as a "black box," a simple readout mechanism is trained to read the state of the reservoir and map it to the desired output. The first key benefit of this framework is that training is performed only at the readout stage, as the reservoir dynamics are fixed. The second is that the computational power of naturally available systems, both classical and quantum mechanical, can be used to reduce the effective computational cost.

<span class="mw-page-title-main">One-way quantum computer</span> Method of quantum computing

The one-way or measurement-based quantum computer (MBQC) is a method of quantum computing that first prepares an entangled resource state, usually a cluster state or graph state, then performs single qubit measurements on it. It is "one-way" because the resource state is destroyed by the measurements.

Adiabatic quantum computation (AQC) is a form of quantum computing which relies on the adiabatic theorem to perform calculations and is closely related to quantum annealing.

D-Wave Two is the second commercially available quantum computer, and the successor to the first commercially available quantum computer, D-Wave One. Both computers were developed by Canadian company D-Wave Systems. The computers are not general purpose, but rather are designed for quantum annealing. Specifically, the computers are designed to use quantum annealing to solve a single type of problem known as quadratic unconstrained binary optimization. As of 2015, it was still debated whether large-scale entanglement takes place in D-Wave Two, and whether current or future generations of D-Wave computers will have any advantage over classical computers.

IBM Quantum Platform is an online platform allowing public and premium access to cloud-based quantum computing services provided by IBM. This includes access to a set of IBM's prototype quantum processors, a set of tutorials on quantum computation, and access to an interactive textbook. As of February 2021, there are over 20 devices on the service, six of which are freely available for the public. This service can be used to run algorithms and experiments, and explore tutorials and simulations around what might be possible with quantum computing.

In quantum computing, quantum supremacy or quantum advantage is the goal of demonstrating that a programmable quantum computer can solve a problem that no classical computer can solve in any feasible amount of time, irrespective of the usefulness of the problem. The term was coined by John Preskill in 2012, but the concept dates to Yuri Manin's 1980 and Richard Feynman's 1981 proposals of quantum computing.

Aram Wettroth Harrow is a professor of physics in the Massachusetts Institute of Technology's Center for Theoretical Physics.

Continuous-variable (CV) quantum information is the area of quantum information science that makes use of physical observables, like the strength of an electromagnetic field, whose numerical values belong to continuous intervals. One primary application is quantum computing. In a sense, continuous-variable quantum computation is "analog", while quantum computation using qubits is "digital." In more technical terms, the former makes use of Hilbert spaces that are infinite-dimensional, while the Hilbert spaces for systems comprising collections of qubits are finite-dimensional. One motivation for studying continuous-variable quantum computation is to understand what resources are necessary to make quantum computers more powerful than classical ones.

In quantum computing, a qubit is a unit of information analogous to a bit in classical computing, but it is affected by quantum mechanical properties such as superposition and entanglement which allow qubits to be in some ways more powerful than classical bits for some tasks. Qubits are used in quantum circuits and quantum algorithms composed of quantum logic gates to solve computational problems, where they are used for input/output and intermediate computations.

Applying classical methods of machine learning to the study of quantum systems is the focus of an emergent area of physics research. A basic example of this is quantum state tomography, where a quantum state is learned from measurement. Other examples include learning Hamiltonians, learning quantum phase transitions, and automatically generating new quantum experiments. Classical machine learning is effective at processing large amounts of experimental or calculated data in order to characterize an unknown quantum system, making its application useful in contexts including quantum information theory, quantum technologies development, and computational materials design. In this context, it can be used for example as a tool to interpolate pre-calculated interatomic potentials or directly solving the Schrödinger equation with a variational method.

Magic state distillation is a method for creating more accurate quantum states from multiple noisy ones, which is important for building fault tolerant quantum computers. It has also been linked to quantum contextuality, a concept thought to contribute to quantum computers' power.

This glossary of quantum computing is a list of definitions of terms and concepts used in quantum computing, its sub-disciplines, and related fields.

References

  1. Ventura, Dan (2000). "Quantum Associative Memory". Information Sciences. 124 (1–4): 273–296. arXiv: quant-ph/9807053 . doi:10.1016/S0020-0255(99)00101-2. S2CID   7232952.
  2. 1 2 Trugenberger, Carlo A. (2001). "Probabilistic Quantum Memories". Physical Review Letters. 87 (6): 067901. arXiv: quant-ph/0012100 . Bibcode:2001PhRvL..87f7901T. doi:10.1103/PhysRevLett.87.067901. PMID   11497863. S2CID   23325931.
  3. 1 2 Trugenberger, Carlo A. (2002). "Quantum Pattern Recognition". Quantum Information Processing. 1 (6): 471–493. doi:10.1023/A:1024022632303. S2CID   1928001.
  4. 1 2 Trugenberger, C. A. (2002-12-19). "Phase Transitions in Quantum Pattern Recognition". Physical Review Letters. 89 (27): 277903. arXiv: quant-ph/0204115 . Bibcode:2002PhRvL..89A7903T. doi:10.1103/physrevlett.89.277903. ISSN   0031-9007. PMID   12513243. S2CID   33065081.
  5. Biamonte, Jacob; Wittek, Peter; Nicola, Pancotti; Rebentrost, Patrick; Wiebe, Nathan; Lloyd, Seth (2017). "Quantum machine learning". Nature. 549 (7671): 195–202. arXiv: 1611.09347 . Bibcode:2017Natur.549..195B. doi:10.1038/nature23474. PMID   28905917. S2CID   64536201.
  6. Schuld, Maria; Petruccione, Francesco (2018). Supervised Learning with Quantum Computers. Quantum Science and Technology. doi:10.1007/978-3-319-96424-9. ISBN   978-3-319-96423-2.
  7. 1 2 Schuld, Maria; Sinayskiy, Ilya; Petruccione, Francesco (2014). "An introduction to quantum machine learning". Contemporary Physics. 56 (2): 172–185. arXiv: 1409.3097 . Bibcode:2015ConPh..56..172S. CiteSeerX   10.1.1.740.5622 . doi:10.1080/00107514.2014.964942. S2CID   119263556.
  8. Wittek, Peter (2014). Quantum Machine Learning: What Quantum Computing Means to Data Mining. Academic Press. ISBN   978-0-12-800953-6.
  9. 1 2 Wiebe, Nathan; Kapoor, Ashish; Svore, Krysta (2014). "Quantum Algorithms for Nearest-Neighbor Methods for Supervised and Unsupervised Learning". Quantum Information & Computation. 15 (3): 0318–0358. arXiv: 1401.2142 .
  10. Lloyd, Seth; Mohseni, Masoud; Rebentrost, Patrick (2013). "Quantum algorithms for supervised and unsupervised machine learning". arXiv: 1307.0411 [quant-ph].
  11. Yoo, Seokwon; Bang, Jeongho; Lee, Changhyoup; Lee, Jinhyoung (2014). "A quantum speedup in machine learning: Finding a N-bit Boolean function for a classification". New Journal of Physics. 16 (10): 103014. arXiv: 1303.6055 . Bibcode:2014NJPh...16j3014Y. doi:10.1088/1367-2630/16/10/103014. S2CID   4956424.
  12. Schuld, Maria; Sinayskiy, Ilya; Petruccione, Francesco (2014-10-15). "An introduction to quantum machine learning". Contemporary Physics. 56 (2): 172–185. arXiv: 1409.3097 . Bibcode:2015ConPh..56..172S. CiteSeerX   10.1.1.740.5622 . doi:10.1080/00107514.2014.964942. ISSN   0010-7514. S2CID   119263556.
  13. Benedetti, Marcello; Realpe-Gómez, John; Biswas, Rupak; Perdomo-Ortiz, Alejandro (2017-11-30). "Quantum-Assisted Learning of Hardware-Embedded Probabilistic Graphical Models". Physical Review X. 7 (4): 041052. arXiv: 1609.02542 . Bibcode:2017PhRvX...7d1052B. doi:10.1103/PhysRevX.7.041052. ISSN   2160-3308. S2CID   55331519.
  14. Farhi, Edward; Neven, Hartmut (2018-02-16). "Classification with Quantum Neural Networks on Near Term Processors". arXiv: 1802.06002 [quant-ph].
  15. Schuld, Maria; Bocharov, Alex; Svore, Krysta; Wiebe, Nathan (2020). "Circuit-centric quantum classifiers". Physical Review A. 101 (3): 032308. arXiv: 1804.00633 . Bibcode:2020PhRvA.101c2308S. doi:10.1103/PhysRevA.101.032308. S2CID   49577148.
  16. Yu, Shang; Albarran-Arriagada, F.; Retamal, J. C.; Wang, Yi-Tao; Liu, Wei; Ke, Zhi-Jin; Meng, Yu; Li, Zhi-Peng; Tang, Jian-Shun (2018-08-28). "Reconstruction of a Photonic Qubit State with Quantum Reinforcement Learning". Advanced Quantum Technologies. 2 (7–8): 1800074. arXiv: 1808.09241 . doi:10.1002/qute.201800074. S2CID   85529734.
  17. Ghosh, Sanjib; Opala, A.; Matuszewski, M.; Paterek, T.; Liew, Timothy C. H. (2019). "Quantum reservoir processing". npj Quantum Information. 5 (35): 35. arXiv: 1811.10335 . Bibcode:2019npjQI...5...35G. doi:10.1038/s41534-019-0149-8. S2CID   119197635.
  18. Broecker, Peter; Assaad, Fakher F.; Trebst, Simon (2017-07-03). "Quantum phase recognition via unsupervised machine learning". arXiv: 1707.00663 [cond-mat.str-el].
  19. 1 2 Huembeli, Patrick; Dauphin, Alexandre; Wittek, Peter (2018). "Identifying Quantum Phase Transitions with Adversarial Neural Networks". Physical Review B. 97 (13): 134109. arXiv: 1710.08382 . Bibcode:2018PhRvB..97m4109H. doi:10.1103/PhysRevB.97.134109. ISSN   2469-9950. S2CID   125593239.
  20. 1 2 Krenn, Mario (2016-01-01). "Automated Search for new Quantum Experiments". Physical Review Letters. 116 (9): 090405. arXiv: 1509.02749 . Bibcode:2016PhRvL.116i0405K. doi:10.1103/PhysRevLett.116.090405. PMID   26991161. S2CID   20182586.
  21. Knott, Paul (2016-03-22). "A search algorithm for quantum state engineering and metrology". New Journal of Physics. 18 (7): 073033. arXiv: 1511.05327 . Bibcode:2016NJPh...18g3033K. doi:10.1088/1367-2630/18/7/073033. S2CID   2721958.
  22. Dunjko, Vedran; Briegel, Hans J (2018-06-19). "Machine learning & artificial intelligence in the quantum domain: a review of recent progress". Reports on Progress in Physics. 81 (7): 074001. arXiv: 1709.02779 . Bibcode:2018RPPh...81g4001D. doi:10.1088/1361-6633/aab406. hdl: 1887/71084 . ISSN   0034-4885. PMID   29504942. S2CID   3681629.
  23. Huggins, William; Patel, Piyush; Whaley, K. Birgitta; Stoudenmire, E. Miles (2018-03-30). "Towards Quantum Machine Learning with Tensor Networks". Quantum Science and Technology. 4 (2): 024001. arXiv: 1803.11537 . doi:10.1088/2058-9565/aaea94. S2CID   4531946.
  24. Carleo, Giuseppe; Nomura, Yusuke; Imada, Masatoshi (2018-02-26). "Constructing exact representations of quantum many-body systems with deep neural networks". Nature Communications. 9 (1): 5322. arXiv: 1802.09558 . Bibcode:2018NatCo...9.5322C. doi:10.1038/s41467-018-07520-3. PMC   6294148 . PMID   30552316.
  25. Bény, Cédric (2013-01-14). "Deep learning and the renormalization group". arXiv: 1301.3124 [quant-ph].
  26. Arunachalam, Srinivasan; de Wolf, Ronald (2017-01-24). "A Survey of Quantum Learning Theory". arXiv: 1701.06806 [quant-ph].
  27. Sergioli, Giuseppe; Giuntini, Roberto; Freytes, Hector (2019-05-09). "A new Quantum approach to binary classification". PLOS ONE. 14 (5): e0216224. Bibcode:2019PLoSO..1416224S. doi: 10.1371/journal.pone.0216224 . PMC   6508868 . PMID   31071129.
  28. Aïmeur, Esma; Brassard, Gilles; Gambs, Sébastien (2006-06-07). "Machine Learning in a Quantum World". Advances in Artificial Intelligence. Lecture Notes in Computer Science. Vol. 4013. pp.  431–442. doi:10.1007/11766247_37. ISBN   978-3-540-34628-9.
  29. 1 2 3 Dunjko, Vedran; Taylor, Jacob M.; Briegel, Hans J. (2016-09-20). "Quantum-Enhanced Machine Learning". Physical Review Letters. 117 (13): 130501. arXiv: 1610.08251 . Bibcode:2016PhRvL.117m0501D. doi:10.1103/PhysRevLett.117.130501. PMID   27715099. S2CID   12698722.
  30. 1 2 Rebentrost, Patrick; Mohseni, Masoud; Lloyd, Seth (2014). "Quantum Support Vector Machine for Big Data Classification". Physical Review Letters. 113 (13): 130503. arXiv: 1307.0471 . Bibcode:2014PhRvL.113m0503R. doi:10.1103/PhysRevLett.113.130503. hdl:1721.1/90391. PMID   25302877. S2CID   5503025.
  31. 1 2 Wiebe, Nathan; Braun, Daniel; Lloyd, Seth (2012). "Quantum Algorithm for Data Fitting". Physical Review Letters. 109 (5): 050505. arXiv: 1204.5242 . Bibcode:2012PhRvL.109e0505W. doi:10.1103/PhysRevLett.109.050505. PMID   23006156. S2CID   118439810.
  32. 1 2 Schuld, Maria; Sinayskiy, Ilya; Petruccione, Francesco (2016). "Prediction by linear regression on a quantum computer". Physical Review A. 94 (2): 022342. arXiv: 1601.07823 . Bibcode:2016PhRvA..94b2342S. doi:10.1103/PhysRevA.94.022342. S2CID   118459345.
  33. Harrow, Aram W.; Hassidim, Avinatan; Lloyd, Seth (2008). "Quantum algorithm for solving linear systems of equations". Physical Review Letters. 103 (15): 150502. arXiv: 0811.3171 . Bibcode:2009PhRvL.103o0502H. doi:10.1103/PhysRevLett.103.150502. PMID   19905613. S2CID   5187993.
  34. Berry, Dominic W.; Childs, Andrew M.; Kothari, Robin (2015). "Hamiltonian simulation with nearly optimal dependence on all parameters". 2015 IEEE 56th Annual Symposium on Foundations of Computer Science. 56th Annual Symposium on Foundations of Computer Science. IEEE. pp. 792–809. arXiv: 1501.01715 . doi:10.1109/FOCS.2015.54. ISBN   978-1-4673-8191-8.
  35. Lloyd, Seth; Mohseni, Masoud; Rebentrost, Patrick (2014). "Quantum principal component analysis". Nature Physics. 10 (9): 631. arXiv: 1307.0401 . Bibcode:2014NatPh..10..631L. CiteSeerX   10.1.1.746.480 . doi:10.1038/nphys3029. S2CID   11553314.
  36. Zhao, Zhikuan; Fitzsimons, Jack K.; Fitzsimons, Joseph F. (2019). "Quantum assisted Gaussian process regression". Physical Review A. 99 (5): 052331. arXiv: 1512.03929 . Bibcode:2019PhRvA..99e2331Z. doi:10.1103/PhysRevA.99.052331. S2CID   18303333.
  37. Soklakov, Andrei N.; Schack, Rüdiger (2006). "Efficient state preparation for a register of quantum bits". Physical Review A. 73 (1): 012307. arXiv: quant-ph/0408045 . Bibcode:2006PhRvA..73a2307S. doi:10.1103/PhysRevA.73.012307. S2CID   17318769.
  38. Giovannetti, Vittorio; Lloyd, Seth; MacCone, Lorenzo (2008). "Quantum Random Access Memory". Physical Review Letters. 100 (16): 160501. arXiv: 0708.1879 . Bibcode:2008PhRvL.100p0501G. doi:10.1103/PhysRevLett.100.160501. PMID   18518173. S2CID   570390.
  39. Aaronson, Scott (2015). "Read the fine print". Nature Physics. 11 (4): 291–293. Bibcode:2015NatPh..11..291A. doi:10.1038/nphys3272. S2CID   122167250.
  40. Bang, Jeongho; Dutta, Arijit; Lee, Seung-Woo; Kim, Jaewan (2019). "Optimal usage of quantum random access memory in quantum machine learning". Physical Review A. 99 (1): 012326. arXiv: 1809.04814 . Bibcode:2019PhRvA..99a2326B. doi:10.1103/PhysRevA.99.012326. S2CID   62841090.
  41. "Quantum Computing: The Next Big Thing For Finance By 2024" . Retrieved 2023-06-17.
  42. "Classical Computing vs Quantum Computing". GeeksforGeeks. 2019-06-12. Retrieved 2023-06-17.
  43. Peddireddy, Dheeraj; Bansal, V.; Jacob, Z.; Aggarwal, V. (2022). "Tensor Ring Parametrized Variational Quantum Circuits for Large Scale Quantum Machine Learning". arXiv: 2201.08878 [quant-ph].
  44. Griol-Barres, Israel; Milla, Sergio; Cebrián, Antonio; Mansoori, Yashar; Millet, José (January 2021). "Variational Quantum Circuits for Machine Learning. An Application for the Detection of Weak Signals". Applied Sciences. 11 (14): 6427. doi: 10.3390/app11146427 . hdl: 10251/182654 . ISSN   2076-3417.
  45. Chen, Samuel Yen-Chi; Yang, Chao-Han Huck; Qi, Jun; Chen, Pin-Yu; Ma, Xiaoli; Goan, Hsi-Sheng (2020). "Variational Quantum Circuits for Deep Reinforcement Learning". IEEE Access. 8: 141007–141024. arXiv: 1907.00397 . doi:10.1109/ACCESS.2020.3010470. ISSN   2169-3536. S2CID   195767325.
  46. Park, Daniel K.; Blank, Carsten; Petruccione, Francesco (2020-07-27). "The theory of the quantum kernel-based binary classifier". Physics Letters A. 384 (21): 126422. arXiv: 2004.03489 . Bibcode:2020PhLA..38426422P. doi:10.1016/j.physleta.2020.126422. ISSN   0375-9601. S2CID   215238793.
  47. Yi, Teng; Wang, Jie; Xu, Fufang (2021-08-01). "Binary classification of single qubits using quantum machine learning method". Journal of Physics: Conference Series. 2006 (1): 012020. doi: 10.1088/1742-6596/2006/1/012020 . ISSN   1742-6588. S2CID   237286847.
  48. Maheshwari, Danyal; Sierra-Sosa, Daniel; Garcia-Zapirain, Begonya (2022). "Variational Quantum Classifier for Binary Classification: Real vs Synthetic Dataset". IEEE Access. 10: 3705–3715. doi: 10.1109/ACCESS.2021.3139323 . ISSN   2169-3536. S2CID   245614428.
  49. 1 2 Aïmeur, Esma; Brassard, Gilles; Gambs, Sébastien (2013-02-01). "Quantum speed-up for unsupervised learning". Machine Learning. 90 (2): 261–287. doi: 10.1007/s10994-012-5316-5 . ISSN   0885-6125.
  50. Wiebe, Nathan; Kapoor, Ashish; Svore, Krysta M. (2016). Quantum Perceptron Models. Advances in Neural Information Processing Systems. Vol. 29. pp. 3999–4007. arXiv: 1602.04799 .
  51. Gao, Yeqi (2023-07-16). "Fast Quantum Algorithm for Attention Computation". arXiv: 2307.08045 .
  52. Paparo, Giuseppe Davide; Martin-Delgado, Miguel Angel (2012). "Google in a Quantum Network". Scientific Reports. 2 (444): 444. arXiv: 1112.2079 . Bibcode:2012NatSR...2E.444P. doi:10.1038/srep00444. PMC   3370332 . PMID   22685626.
  53. 1 2 3 4 Paparo, Giuseppe Davide; Dunjko, Vedran; Makmal, Adi; Martin-Delgado, Miguel Angel; Briegel, Hans J. (2014). "Quantum Speedup for Active Learning Agents". Physical Review X. 4 (3): 031002. arXiv: 1401.4997 . Bibcode:2014PhRvX...4c1002P. doi:10.1103/PhysRevX.4.031002. S2CID   54652978.
  54. Dong, Daoyi; Chen, Chunlin; Li, Hanxiong; Tarn, Tzyh-Jong (2008). "Quantum Reinforcement Learning". IEEE Transactions on Systems, Man, and Cybernetics - Part B: Cybernetics. 38 (5): 1207–1220. arXiv: 0810.3828 . CiteSeerX   10.1.1.243.5369 . doi:10.1109/TSMCB.2008.925743. PMID   18784007. S2CID   17768796.
  55. Crawford, Daniel; Levit, Anna; Ghadermarzy, Navid; Oberoi, Jaspreet S.; Ronagh, Pooya (2018). "Reinforcement Learning Using Quantum Boltzmann Machines". arXiv: 1612.05695 [quant-ph].
  56. Dunjko, Vedran; Friis, Nicolai; Briegel, Hans J. (2015-01-01). "Quantum-enhanced deliberation of learning agents using trapped ions". New Journal of Physics. 17 (2): 023006. arXiv: 1407.2830 . Bibcode:2015NJPh...17b3006D. doi:10.1088/1367-2630/17/2/023006. ISSN   1367-2630. S2CID   119292539.
  57. Lamata, Lucas (2017). "Basic protocols in quantum reinforcement learning with superconducting circuits". Scientific Reports. 7 (1): 1609. arXiv: 1701.05131 . Bibcode:2017NatSR...7.1609L. doi:10.1038/s41598-017-01711-6. PMC   5431677 . PMID   28487535.
  58. 1 2 Sriarunothai, Theeraphot; Wölk, Sabine; Giri, Gouri Shankar; Friis, Nicolai; Dunjko, Vedran; Briegel, Hans J.; Wunderlich, Christof (2019). "Speeding-up the decision making of a learning agent using an ion trap quantum processor". Quantum Science and Technology. 4 (1): 015014. arXiv: 1709.01366 . Bibcode:2019QS&T....4a5014S. doi:10.1088/2058-9565/aaef5e. ISSN   2058-9565. S2CID   2429346.
  59. 1 2 3 Saggio, Valeria; Asenbeck, Beate; Hamann, Arne; Strömberg, Teodor; Schiansky, Peter; Dunjko, Vedran; Friis, Nicolai; Harris, Nicholas C.; Hochberg, Michael; Englund, Dirk; Wölk, Sabine; Briegel, Hans J.; Walther, Philip (10 March 2021). "Experimental quantum speed-up in reinforcement learning agents". Nature. 591 (7849): 229–233. arXiv: 2103.06294 . Bibcode:2021Natur.591..229S. doi:10.1038/s41586-021-03242-7. ISSN   1476-4687. PMC   7612051 . PMID   33692560. S2CID   232185235.
  60. Biswas, Rupak; Jiang, Zhang; Kechezi, Kostya; Knysh, Sergey; Mandrà, Salvatore; O’Gorman, Bryan; Perdomo-Ortiz, Alejando; Pethukov, Andre; Realpe-Gómez, John; Rieffel, Eleanor; Venturelli, Davide; Vasko, Fedir; Wang, Zhihui (2016). "A NASA perspective on quantum computing: Opportunities and challenges". Parallel Computing. 64: 81–98. arXiv: 1704.04836 . doi:10.1016/j.parco.2016.11.002. S2CID   27547901.
  61. 1 2 Adachi, Steven H.; Henderson, Maxwell P. (2015). "Application of quantum annealing to training of deep neural networks". arXiv: 1510.06356 [quant-ph].
  62. 1 2 Benedetti, Marcello; Realpe-Gómez, John; Biswas, Rupak; Perdomo-Ortiz, Alejandro (2016). "Estimation of effective temperatures in quantum annealers for sampling applications: A case study with possible applications in deep learning". Physical Review A. 94 (2): 022308. arXiv: 1510.07611 . Bibcode:2016PhRvA..94b2308B. doi:10.1103/PhysRevA.94.022308. S2CID   118602077.
  63. 1 2 Korenkevych, Dmytro; Xue, Yanbo; Bian, Zhengbing; Chudak, Fabian; Macready, William G.; Rolfe, Jason; Andriyash, Evgeny (2016). "Benchmarking quantum hardware for training of fully visible Boltzmann machines". arXiv: 1611.04528 [quant-ph].
  64. 1 2 3 Benedetti, Marcello; Realpe-Gómez, John; Biswas, Rupak; Perdomo-Ortiz, Alejandro (2017). "Quantum-assisted learning of graphical models with arbitrary pairwise connectivity". Physical Review X. 7 (4): 041052. arXiv: 1609.02542 . Bibcode:2017PhRvX...7d1052B. doi:10.1103/PhysRevX.7.041052. S2CID   55331519.
  65. Rocutto, Lorenzo; Destri, Claudio; Prati, Enrico (2021). "Quantum Semantic Learning by Reverse Annealing of an Adiabatic Quantum Computer". Advanced Quantum Technologies. 4 (2): 2000133. arXiv: 2003.11945 . doi:10.1002/qute.202000133. ISSN   2511-9044. S2CID   214667224.
  66. Amin, Mohammad H.; Andriyash, Evgeny; Rolfe, Jason; Kulchytskyy, Bohdan; Melko, Roger (2018). "Quantum Boltzmann machines". Phys. Rev. X. 8 (21050): 021050. arXiv: 1601.02036 . Bibcode:2018PhRvX...8b1050A. doi:10.1103/PhysRevX.8.021050. S2CID   119198869.
  67. "Phys. Rev. E 72, 026701 (2005): Quantum annealing in a kinetically co…". archive.is. 2014-01-13. Archived from the original on 2014-01-13. Retrieved 2018-12-07.
  68. Wiebe, Nathan; Kapoor, Ashish; Svore, Krysta M. (2014). "Quantum deep learning". arXiv: 1412.3489 [quant-ph].
  69. Wittek, Peter; Gogolin, Christian (2017). "Quantum Enhanced Inference in Markov Logic Networks". Scientific Reports. 7 (45672): 45672. arXiv: 1611.08104 . Bibcode:2017NatSR...745672W. doi:10.1038/srep45672. PMC   5395824 . PMID   28422093.
  70. 1 2 3 4 Gupta, Sanjay; Zia, R.K.P. (2001-11-01). "Quantum Neural Networks". Journal of Computer and System Sciences. 63 (3): 355–383. arXiv: quant-ph/0201144 . doi:10.1006/jcss.2001.1769. ISSN   0022-0000. S2CID   206569020.
  71. 1 2 Ezhov, Alexandr A.; Ventura, Dan (2000), "Quantum Neural Networks", Future Directions for Intelligent Systems and Information Sciences, Studies in Fuzziness and Soft Computing, vol. 45, Physica-Verlag HD, pp. 213–235, CiteSeerX   10.1.1.683.5972 , doi:10.1007/978-3-7908-1856-7_11, ISBN   978-3-7908-2470-4, S2CID   9099722
  72. 1 2 Behrman, E.C.; Nash, L.R.; Steck, J.E.; Chandrashekar, V.G.; Skinner, S.R. (2000-10-01). "Simulations of quantum neural networks". Information Sciences. 128 (3–4): 257–269. doi:10.1016/S0020-0255(00)00056-6. ISSN   0020-0255.
  73. Henderson, Maxwell; Shakya, Samriddhi; Pradhan, Shashindra; Cook, Tristan (2020-02-27). "Quanvolutional neural networks: powering image recognition with quantum circuits". Quantum Machine Intelligence. 2 (1). arXiv: 1904.04767 . doi:10.1007/s42484-020-00012-y. ISSN   2524-4906. S2CID   104291950.
  74. Gaikwad, Akash S. Pruning convolution neural network (SqueezeNet) for efficient hardware deployment. OCLC   1197735354.
  75. Cong, Iris; Choi, Soonwon; Lukin, Mikhail D. (2019-08-26). "Quantum convolutional neural networks". Nature Physics. 15 (12): 1273–1278. arXiv: 1810.03787 . Bibcode:2019NatPh..15.1273C. doi:10.1038/s41567-019-0648-8. ISSN   1745-2473. S2CID   53642483.
  76. Mitarai, K.; Negoro, M.; Kitagawa, M.; Fujii, K. (2018-09-10). "Quantum circuit learning". Physical Review A. 98 (3): 032309. arXiv: 1803.00745 . Bibcode:2018PhRvA..98c2309M. doi:10.1103/physreva.98.032309. hdl:11094/77645. ISSN   2469-9926. S2CID   117542570.
  77. Hochreiter, Sepp; Schmidhuber, Jürgen (1997-11-01). "Long Short-Term Memory". Neural Computation. 9 (8): 1735–1780. doi:10.1162/neco.1997.9.8.1735. ISSN   0899-7667. PMID   9377276. S2CID   1915014.
  78. Preskill, John (2018-08-06). "Quantum Computing in the NISQ era and beyond". Quantum. 2: 79. arXiv: 1801.00862 . Bibcode:2018Quant...2...79P. doi:10.22331/q-2018-08-06-79. ISSN   2521-327X. S2CID   44098998.
  79. Bacon, Dave (2013-09-12), "Experimental quantum error correction", Quantum Error Correction, Cambridge University Press, pp. 509–518, doi:10.1017/cbo9781139034807.023, ISBN   9780521897877 , retrieved 2022-11-23
  80. Bharti, Kishor; Cervera-Lierta, Alba; Kyaw, Thi Ha; Haug, Tobias; Alperin-Lea, Sumner; Anand, Abhinav; Degroote, Matthias; Heimonen, Hermanni; Kottmann, Jakob S.; Menke, Tim; Mok, Wai-Keong; Sim, Sukin; Kwek, Leong-Chuan; Aspuru-Guzik, Alán (2022-02-15). "Noisy intermediate-scale quantum algorithms". Reviews of Modern Physics. 94 (1): 015004. arXiv: 2101.08448 . Bibcode:2022RvMP...94a5004B. doi:10.1103/revmodphys.94.015004. hdl:10356/161272. ISSN   0034-6861. S2CID   231662441.
  81. Grant, Edward; Benedetti, Marcello; Cao, Shuxiang; Hallam, Andrew; Lockhart, Joshua; Stojevic, Vid; Green, Andrew G.; Severini, Simone (December 2018). "Hierarchical quantum classifiers". npj Quantum Information. 4 (1): 65. arXiv: 1804.03680 . Bibcode:2018npjQI...4...65G. doi:10.1038/s41534-018-0116-9. S2CID   55479810.
  82. Zhao, Chen; Gao, Xiao-Shan (2021-06-04). "Analyzing the barren plateau phenomenon in training quantum neural networks with the ZX-calculus". Quantum. 5: 466. arXiv: 2102.01828 . Bibcode:2021Quant...5..466Z. doi:10.22331/q-2021-06-04-466. ISSN   2521-327X. S2CID   231786346.
  83. Hur, Tak; Kim, Leeseok; Park, Daniel K. (2022-02-10). "Quantum convolutional neural network for classical data classification". Quantum Machine Intelligence. 4 (1): 3. arXiv: 2108.00661 . doi:10.1007/s42484-021-00061-x. ISSN   2524-4906. S2CID   236772493.
  84. Ostaszewski, Mateusz; Grant, Edward; Benedetti, Marcello (2021-01-28). "Structure optimization for parameterized quantum circuits". Quantum. 5: 391. arXiv: 1905.09692 . Bibcode:2021Quant...5..391O. doi: 10.22331/q-2021-01-28-391 . ISSN   2521-327X. S2CID   231719244.
  85. 1 2 Beer, Kerstin; Müller, Gabriel (2021-12-11). "Dissipative quantum generative adversarial networks". arXiv: 2112.06088 [quant-ph].
  86. J., Sharma, Kunal Cerezo, M. Cincio, Lukasz Coles, Patrick (2020-05-25). Trainability of Dissipative Perceptron-Based Quantum Neural Networks. OCLC   1228410830.{{cite book}}: CS1 maint: multiple names: authors list (link)
  87. Goodfellow, Ian J.; Pouget-Abadie, Jean; Mirza, Mehdi; Xu, Bing; Warde-Farley, David; Ozair, Sherjil; Courville, Aaron; Bengio, Yoshua (2014-06-10). "Generative Adversarial Networks". arXiv: 1406.2661 [stat.ML].
  88. Clark, Lewis A.; Huang W., Wei; Barlow, Thomas H.; Beige, Almut (2015). "Hidden Quantum Markov Models and Open Quantum Systems with Instantaneous Feedback". In Sanayei, Ali; Rössler, Otto E.; Zelinka, Ivan (eds.). ISCS 2014: Interdisciplinary Symposium on Complex Systems. Emergence, Complexity and Computation. Vol. 14. pp. 131–151. arXiv: 1406.5847 . CiteSeerX   10.1.1.749.3332 . doi:10.1007/978-3-319-10759-2_16. ISBN   978-3-319-10759-2. S2CID   119226526.
  89. 1 2 3 Srinivasan, Siddarth; Gordon, Geoff; Boots, Byron (2018). "Learning Hidden Quantum Markov Models" (PDF). Aistats.
  90. Sentís, Gael; Guţă, Mădălin; Adesso, Gerardo (9 July 2015). "Quantum learning of coherent states". EPJ Quantum Technology. 2 (1). arXiv: 1410.8700 . doi: 10.1140/epjqt/s40507-015-0030-4 .
  91. Sasaki, Masahide; Carlini, Alberto (6 August 2002). "Quantum learning and universal quantum matching machine". Physical Review A. 66 (2): 022303. arXiv: quant-ph/0202173 . Bibcode:2002PhRvA..66b2303S. doi:10.1103/PhysRevA.66.022303. S2CID   119383508.
  92. Bisio, Alessandro; Chiribella, Giulio; D’Ariano, Giacomo Mauro; Facchini, Stefano; Perinotti, Paolo (25 March 2010). "Optimal quantum learning of a unitary transformation". Physical Review A. 81 (3): 032324. arXiv: 0903.0543 . Bibcode:2010PhRvA..81c2324B. doi:10.1103/PhysRevA.81.032324. S2CID   119289138.
  93. Aïmeur, Esma; Brassard, Gilles; Gambs, Sébastien (1 January 2007). "Quantum clustering algorithms". Proceedings of the 24th international conference on Machine learning. pp. 1–8. CiteSeerX   10.1.1.80.9513 . doi:10.1145/1273496.1273497. ISBN   978-1-59593-793-3. S2CID   4357684.
  94. 1 2 Heese, Raoul; Gerlach, Thore; Mücke, Sascha; Müller, Sabine; Jakobs, Matthias; Piatkowski, Nico (22 January 2023). "Explainable Quantum Machine Learning". arXiv: 2301.09138 [quant-ph].
  95. Schuld, Maria; Killoran, Nathan (2 March 2022). "Is Quantum Advantage the Right Goal for Quantum Machine Learning?". PRX Quantum. 3 (3): 030101. arXiv: 2203.01340 . Bibcode:2022PRXQ....3c0101S. doi:10.1103/PRXQuantum.3.030101. S2CID   247222732.
  96. Mercaldo, F.; Ciaramella, G.; Iadarola, G.; Storto, M.; Martinelli, F.; Santone, A.o (2022). "Towards Explainable Quantum Machine Learning for Mobile Malware Detection and Classification". Applied Sciences. 12 (23): 12025. doi: 10.3390/app122312025 .
  97. Cory, D. G.; Wiebe, Nathan; Ferrie, Christopher; Granade, Christopher E. (2012-07-06). "Robust Online Hamiltonian Learning". New Journal of Physics. 14 (10): 103013. arXiv: 1207.1655 . Bibcode:2012NJPh...14j3013G. doi:10.1088/1367-2630/14/10/103013. S2CID   9928389.
  98. Arunachalam, Srinivasan; de Wolf, Ronald (2017). "A Survey of Quantum Learning Theory". arXiv: 1701.06806 [quant-ph].
  99. 1 2 3 Servedio, Rocco A.; Gortler, Steven J. (2004). "Equivalences and Separations Between Quantum and Classical Learnability". SIAM Journal on Computing. 33 (5): 1067–1092. CiteSeerX   10.1.1.69.6555 . doi:10.1137/S0097539704412910.
  100. Arunachalam, Srinivasan; de Wolf, Ronald (2016). "Optimal Quantum Sample Complexity of Learning Algorithms". arXiv: 1607.00932 [quant-ph].
  101. Nader, Bshouty H.; Jeffrey, Jackson C. (1999). "Learning DNF over the Uniform Distribution Using a Quantum Example Oracle". SIAM Journal on Computing. 28 (3): 1136–1153. CiteSeerX   10.1.1.23.5709 . doi:10.1137/S0097539795293123.
  102. Monràs, Alex; Sentís, Gael; Wittek, Peter (2017). "Inductive supervised quantum learning". Physical Review Letters. 118 (19): 190503. arXiv: 1605.07541 . Bibcode:2017PhRvL.118s0503M. doi:10.1103/PhysRevLett.118.190503. PMID   28548536. S2CID   6521971.
  103. "NIPS 2009 Demonstration: Binary Classification using Hardware Implementation of Quantum Annealing" (PDF). Static.googleusercontent.com. Retrieved 26 November 2014.
  104. "Google Quantum A.I. Lab Team". Google Plus. 31 January 2017. Retrieved 31 January 2017.
  105. "NASA Quantum Artificial Intelligence Laboratory". NASA. 31 January 2017. Archived from the original on 1 February 2017. Retrieved 31 January 2017.
  106. Neigovzen, Rodion; Neves, Jorge L.; Sollacher, Rudolf; Glaser, Steffen J. (2009). "Quantum pattern recognition with liquid-state nuclear magnetic resonance". Physical Review A. 79 (4): 042321. arXiv: 0802.1592 . Bibcode:2009PhRvA..79d2321N. doi:10.1103/PhysRevA.79.042321. S2CID   119115625.
  107. Li, Zhaokai; Liu, Xiaomei; Xu, Nanyang; Du, Jiangfeng (2015). "Experimental Realization of a Quantum Support Vector Machine". Physical Review Letters. 114 (14): 140504. arXiv: 1410.1054 . Bibcode:2015PhRvL.114n0504L. doi:10.1103/PhysRevLett.114.140504. PMID   25910101. S2CID   119182770.
  108. Wan, Kwok-Ho; Dahlsten, Oscar; Kristjansson, Hler; Gardner, Robert; Kim, Myungshik (2017). "Quantum generalisation of feedforward neural networks". npj Quantum Information. 3 (36): 36. arXiv: 1612.01045 . Bibcode:2017npjQI...3...36W. doi:10.1038/s41534-017-0032-4. S2CID   51685660.
  109. Brunner, Daniel; Soriano, Miguel C.; Mirasso, Claudio R.; Fischer, Ingo (2013). "Parallel photonic information processing at gigabyte per second data rates using transient states". Nature Communications. 4: 1364. Bibcode:2013NatCo...4.1364B. doi:10.1038/ncomms2368. PMC   3562454 . PMID   23322052.
  110. Tezak, Nikolas; Mabuchi, Hideo (2015). "A coherent perceptron for all-optical learning". EPJ Quantum Technology. 2. arXiv: 1501.01608 . Bibcode:2015arXiv150101608T. doi:10.1140/epjqt/s40507-015-0023-3. S2CID   28568346.
  111. Cai, X.-D.; Wu, D.; Su, Z.-E.; Chen, M.-C.; Wang, X.-L.; Li, Li; Liu, N.-L.; Lu, C.-Y.; Pan, J.-W. (2015). "Entanglement-Based Machine Learning on a Quantum Computer". Physical Review Letters. 114 (11): 110504. arXiv: 1409.7770 . Bibcode:2015PhRvL.114k0504C. doi:10.1103/PhysRevLett.114.110504. PMID   25839250. S2CID   44769024.
  112. Pfeiffer, P.; Egusquiza, I. L.; Di Ventra, M.; Sanz, M.; Solano, E. (2016). "Quantum memristors". Scientific Reports. 6 (2016): 29507. arXiv: 1511.02192 . Bibcode:2016NatSR...629507P. doi:10.1038/srep29507. PMC   4933948 . PMID   27381511.
  113. Salmilehto, J.; Deppe, F.; Di Ventra, M.; Sanz, M.; Solano, E. (2017). "Quantum Memristors with Superconducting Circuits". Scientific Reports. 7 (42044): 42044. arXiv: 1603.04487 . Bibcode:2017NatSR...742044S. doi:10.1038/srep42044. PMC   5307327 . PMID   28195193.
  114. Li, Ying; Holloway, Gregory W.; Benjamin, Simon C.; Briggs, G. Andrew D.; Baugh, Jonathan; Mol, Jan A. (2017). "A simple and robust quantum memristor". Physical Review B. 96 (7): 075446. arXiv: 1612.08409 . Bibcode:2017PhRvB..96g5446L. doi:10.1103/PhysRevB.96.075446. S2CID   119454549.
  115. Bird, Jordan J.; Ekárt, Anikó; Faria, Diego R. (2019-10-28). "On the effects of pseudorandom and quantum-random number generators in soft computing". Soft Computing. 24 (12). Springer Science and Business Media LLC: 9243–9256. doi: 10.1007/s00500-019-04450-0 . ISSN   1432-7643.
  116. Heese, Raoul; Wolter, Moritz; Mücke, Sascha; Franken, Lukas; Piatkowski, Nico (2021). "On the effects of biased quantum random numbers on the initialization of artificial neural networks". arXiv: 2108.13329 [quant-ph].
  117. "A quantum trick with photons gives machine learning a speed boost". New Scientist. Retrieved 31 August 2021.
  118. "Can quantum machine learning move beyond its own hype?". Protocol. 2020-05-04. Retrieved 2020-10-27.
  119. "Can quantum machine learning move beyond its own hype?". quantamagazine.org. 2018-01-22.
  120. Zickert, Frank (2020-09-23). "Quantum Machine Learning". Medium. Retrieved 2020-10-27.