Quantum machine learning

From HandWiki
The printable version is no longer supported and may have rendering errors. Please update your browser bookmarks and please use the default browser print function instead.
Short description: Interdisciplinary research area at the intersection of quantum physics and machine learning

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

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]

File:Qml approaches.tif

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 [math]\displaystyle{ O(n^2) }[/math] 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, [math]\displaystyle{ p \le O(n) }[/math].

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 [math]\displaystyle{ O(pn) }[/math]. 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 [math]\displaystyle{ n }[/math] qubits is described by [math]\displaystyle{ 2^n }[/math] 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 [math]\displaystyle{ n }[/math], 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. [math]\displaystyle{ O\mathord\left(n^{2.373}\right) }[/math]), 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]

Quantum machine learning algorithms based on Grover search

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] Another application is a quadratic speedup in the training of perceptron.[50]

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 [math]\displaystyle{ O(\sqrt{n/k}) }[/math] compared to classical versions of k-medians, where [math]\displaystyle{ n }[/math] is the number of data points and [math]\displaystyle{ k }[/math] 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[51] as well as the performance of reinforcement learning agents in the projective simulation framework.[52]

Quantum-enhanced reinforcement learning

Reinforcement learning is a branch of machine learning distinct from supervised and unsupervised learning, which also admits quantum enhancements.[53][52][54] 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,[52] 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[55] and superconducting circuits.[56] A quantum speedup of the agent's internal decision-making time[52] has been experimentally demonstrated in trapped ions,[57] 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.[58]

Quantum annealing

Main page: 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.[59]

Some research groups have recently explored the use of quantum annealing hardware for training Boltzmann machines and deep neural networks.[60][61][62] 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.[61] Complementary work that appeared roughly simultaneously showed that quantum annealing can be used for supervised learning in classification tasks.[60] 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.[63] 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.[64]

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.[65] 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.[63][62][66]

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.[67] 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.[68][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

Main page: Quantum neural network

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.[69] Within this model, nonlinear and irreversible gates, dissimilar to the Hamiltonian operator, are deployed to speculate the given data set.[69] Such gates make certain phases unable to be observed and generate specific oscillations.[69] Quantum neural networks apply the principals quantum information and quantum computation to classical neurocomputing.[70] 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.[70] A quantum neural network has computational capabilities to decrease the number of steps, qubits used, and computation time.[69] 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)[71] 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 [math]\displaystyle{ |0\rangle }[/math] and [math]\displaystyle{ |1\rangle }[/math] in Dirac notation.[71]

Quantum Convolution Neural Network

A novel design for multi-dimensional vectors that uses circuits as convolution filters[72] is QCNN. It was inspired by the advantages of CNNs[73][74] and the power of QML. It is made using a combination of a variational quantum circuit(VQC)[75] and a deep neural network[76](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[77] devices, without the negative impact of noise, which is possibly incorporated into the circuit parameter, and without the need for quantum error correction.[78]

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),[79] 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,[80] 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.[81] 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.[82]

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.[83][84] 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.[85] 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),[86] 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.[84] 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[87] (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.[88] 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.[88] 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.[88]

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.[89] (This also relates to work on quantum pattern matching.[90]) The problem of learning unitary transformations can be approached in a similar way.[91]

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.[92] 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.[58]

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[93] in analogy to XAI/XML). XQML can be considered as an alternative research direction instead of finding a quantum advantage.[94] For example, XQML has been used in the context of mobile malware detection and classification.[95] Quantum Shapley values have also been proposed to interpret gates within a circuit based on a game-theoretic approach.[93] 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[96] 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.[97]

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 [math]\displaystyle{ \{0,1\}^n }[/math]. 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.[98] 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).[98]

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 [math]\displaystyle{ \sum_x \sqrt{D(x)}|x,c(x)\rangle }[/math]. 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.[99] However, for learning under some fixed distribution D, quantum examples can be very helpful, for example for learning DNF under the uniform distribution.[100] 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).[98]

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.[101]

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.[102] 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.[103][104] 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.[63]

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.[105] 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.[106] 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,[107] 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.[108] 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.[109] 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.[110]

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.[111] 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,[112] and an experiment with quantum dots performed.[113] 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).[114] 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.[115] 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.[57]

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.[116][58] 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[117] collected some of the statements made by well known scientists in the field:

  • "I think we haven't done our homework yet. This is an extremely new scientific field," - physicist Maria Schuld of Canada-based quantum computing startup Xanadu.
  • “When mixing machine learning with ‘quantum,’ you catalyse a hype-condensate.”[118] - Jacob Biamonte a contributor to the theory of quantum computation.
  • "There is a lot more work that needs to be done before claiming quantum machine learning will actually work," - computer scientist Iordanis Kerenidis, the head of quantum algorithms at the Silicon Valley-based quantum computing startup QC Ware.
  • "I have not seen a single piece of evidence that there exists a meaningful [machine learning] task for which it would make sense to use a quantum computer and not a classical computer," - physicist Ryan Sweke of the Free University of Berlin in Germany.
  • “Don't fall for the hype!” - Frank Zickert,[119] who is the author of probably the most practical book related to the subject beware that ”quantum computers are far away from advancing machine learning for their representation ability”, and even speaking about evaluation and optimization for any kind of useful task quantum supremacy is not yet achieved. Furthermore, nobody among the active researchers in the field make any forecasts about when it could possibly become practical.[citation needed]

See also

References

  1. Ventura, Dan (2000). "Quantum Associative Memory". Information Sciences 124 (1–4): 273–296. doi:10.1016/S0020-0255(99)00101-2. 
  2. 2.0 2.1 Trugenberger, Carlo A. (2001). "Probabilistic Quantum Memories". Physical Review Letters 87 (6): 067901. doi:10.1103/PhysRevLett.87.067901. PMID 11497863. Bibcode2001PhRvL..87f7901T. 
  3. 3.0 3.1 Trugenberger, Carlo A. (2002). "Quantum Pattern Recognition". Quantum Information Processing 1 (6): 471–493. doi:10.1023/A:1024022632303. 
  4. 4.0 4.1 Trugenberger, C. A. (2002-12-19). "Phase Transitions in Quantum Pattern Recognition". Physical Review Letters 89 (27): 277903. doi:10.1103/physrevlett.89.277903. ISSN 0031-9007. PMID 12513243. Bibcode2002PhRvL..89A7903T. http://dx.doi.org/10.1103/physrevlett.89.277903. 
  5. Biamonte, Jacob; Wittek, Peter; Nicola, Pancotti; Rebentrost, Patrick; Wiebe, Nathan; Lloyd, Seth (2017). "Quantum machine learning". Nature 549 (7671): 195–202. doi:10.1038/nature23474. PMID 28905917. Bibcode2017Natur.549..195B. 
  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. 7.0 7.1 Schuld, Maria; Sinayskiy, Ilya; Petruccione, Francesco (2014). "An introduction to quantum machine learning". Contemporary Physics 56 (2): 172–185. doi:10.1080/00107514.2014.964942. Bibcode2015ConPh..56..172S. 
  8. Wittek, Peter (2014). Quantum Machine Learning: What Quantum Computing Means to Data Mining. Academic Press. ISBN 978-0-12-800953-6. http://www.sciencedirect.com/science/book/9780128009536. 
  9. 9.0 9.1 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. 
  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. doi:10.1088/1367-2630/16/10/103014. Bibcode2014NJPh...16j3014Y. 
  12. Schuld, Maria; Sinayskiy, Ilya; Petruccione, Francesco (2014-10-15). "An introduction to quantum machine learning" (in en). Contemporary Physics 56 (2): 172–185. doi:10.1080/00107514.2014.964942. ISSN 0010-7514. Bibcode2015ConPh..56..172S. 
  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. doi:10.1103/PhysRevX.7.041052. ISSN 2160-3308. Bibcode2017PhRvX...7d1052B. 
  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. doi:10.1103/PhysRevA.101.032308. Bibcode2020PhRvA.101c2308S. 
  16. Yu, Shang; Albarran-Arriagada, F.; Retamal, J. C.; Wang, Yi-Tao; Liu, Wei; Ke, Zhi-Jin; Meng, Yu; Li, Zhi-Peng et al. (2018-08-28). "Reconstruction of a Photonic Qubit State with Quantum Reinforcement Learning". Advanced Quantum Technologies 2 (7–8): 1800074. doi:10.1002/qute.201800074. 
  17. Ghosh, Sanjib; Opala, A.; Matuszewski, M.; Paterek, T.; Liew, Timothy C. H. (2019). "Quantum reservoir processing". npj Quantum Information 5 (35): 35. doi:10.1038/s41534-019-0149-8. Bibcode2019npjQI...5...35G. 
  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. 19.0 19.1 Huembeli, Patrick; Dauphin, Alexandre; Wittek, Peter (2018). "Identifying Quantum Phase Transitions with Adversarial Neural Networks". Physical Review B 97 (13): 134109. doi:10.1103/PhysRevB.97.134109. ISSN 2469-9950. Bibcode2018PhRvB..97m4109H. 
  20. 20.0 20.1 Krenn, Mario (2016-01-01). "Automated Search for new Quantum Experiments". Physical Review Letters 116 (9): 090405. doi:10.1103/PhysRevLett.116.090405. PMID 26991161. Bibcode2016PhRvL.116i0405K. 
  21. Knott, Paul (2016-03-22). "A search algorithm for quantum state engineering and metrology". New Journal of Physics 18 (7): 073033. doi:10.1088/1367-2630/18/7/073033. Bibcode2016NJPh...18g3033K. 
  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. doi:10.1088/1361-6633/aab406. ISSN 0034-4885. PMID 29504942. Bibcode2018RPPh...81g4001D. 
  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. doi:10.1088/2058-9565/aaea94. 
  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. doi:10.1038/s41467-018-07520-3. PMID 30552316. Bibcode2018NatCo...9.5322C. 
  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. doi:10.1371/journal.pone.0216224. PMID 31071129. Bibcode2019PLoSO..1416224S. 
  28. Aïmeur, Esma; Brassard, Gilles; Gambs, Sébastien (2006-06-07). "Machine Learning in a Quantum World" (in en). Advances in Artificial Intelligence. Lecture Notes in Computer Science. 4013. pp. 431–442. doi:10.1007/11766247_37. ISBN 978-3-540-34628-9. https://archive.org/details/advancesinartifi0000cana/page/431. 
  29. 29.0 29.1 29.2 Dunjko, Vedran; Taylor, Jacob M.; Briegel, Hans J. (2016-09-20). "Quantum-Enhanced Machine Learning". Physical Review Letters 117 (13): 130501. doi:10.1103/PhysRevLett.117.130501. PMID 27715099. Bibcode2016PhRvL.117m0501D. 
  30. 30.0 30.1 Rebentrost, Patrick; Mohseni, Masoud; Lloyd, Seth (2014). "Quantum Support Vector Machine for Big Data Classification". Physical Review Letters 113 (13): 130503. doi:10.1103/PhysRevLett.113.130503. PMID 25302877. Bibcode2014PhRvL.113m0503R. 
  31. 31.0 31.1 Wiebe, Nathan; Braun, Daniel; Lloyd, Seth (2012). "Quantum Algorithm for Data Fitting". Physical Review Letters 109 (5): 050505. doi:10.1103/PhysRevLett.109.050505. PMID 23006156. Bibcode2012PhRvL.109e0505W. 
  32. 32.0 32.1 Schuld, Maria; Sinayskiy, Ilya; Petruccione, Francesco (2016). "Prediction by linear regression on a quantum computer". Physical Review A 94 (2): 022342. doi:10.1103/PhysRevA.94.022342. Bibcode2016PhRvA..94b2342S. 
  33. Harrow, Aram W.; Hassidim, Avinatan; Lloyd, Seth (2008). "Quantum algorithm for solving linear systems of equations". Physical Review Letters 103 (15): 150502. doi:10.1103/PhysRevLett.103.150502. PMID 19905613. Bibcode2009PhRvL.103o0502H. 
  34. Berry, Dominic W.; Childs, Andrew M.; Kothari, Robin (2015). "2015 IEEE 56th Annual Symposium on Foundations of Computer Science". 56th Annual Symposium on Foundations of Computer Science. IEEE. pp. 792–809. 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. doi:10.1038/nphys3029. Bibcode2014NatPh..10..631L. 
  36. Zhao, Zhikuan; Fitzsimons, Jack K.; Fitzsimons, Joseph F. (2019). "Quantum assisted Gaussian process regression". Physical Review A 99 (5): 052331. doi:10.1103/PhysRevA.99.052331. Bibcode2019PhRvA..99e2331Z. 
  37. Soklakov, Andrei N.; Schack, Rüdiger (2006). "Efficient state preparation for a register of quantum bits". Physical Review A 73 (1): 012307. doi:10.1103/PhysRevA.73.012307. Bibcode2006PhRvA..73a2307S. 
  38. Giovannetti, Vittorio; Lloyd, Seth; MacCone, Lorenzo (2008). "Quantum Random Access Memory". Physical Review Letters 100 (16): 160501. doi:10.1103/PhysRevLett.100.160501. PMID 18518173. Bibcode2008PhRvL.100p0501G. 
  39. Aaronson, Scott (2015). "Read the fine print". Nature Physics 11 (4): 291–293. doi:10.1038/nphys3272. Bibcode2015NatPh..11..291A. 
  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. doi:10.1103/PhysRevA.99.012326. Bibcode2019PhRvA..99a2326B. 
  41. "Quantum Computing: The Next Big Thing For Finance By 2024". https://www.realtimenewsanalysis.com/2023/06/quantum-computing-finance-2024.html. 
  42. "Classical Computing vs Quantum Computing" (in en-us). 2019-06-12. https://www.geeksforgeeks.org/classical-computing-vs-quantum-computing/. 
  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" (in en). Applied Sciences 11 (14): 6427. doi:10.3390/app11146427. 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. doi:10.1109/ACCESS.2020.3010470. ISSN 2169-3536. https://ieeexplore.ieee.org/document/9144562. 
  46. Park, Daniel K.; Blank, Carsten; Petruccione, Francesco (2020-07-27). "The theory of the quantum kernel-based binary classifier" (in en). Physics Letters A 384 (21): 126422. doi:10.1016/j.physleta.2020.126422. ISSN 0375-9601. Bibcode2020PhLA..38426422P. https://www.sciencedirect.com/science/article/pii/S0375960120302541. 
  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. 
  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. 
  49. 49.0 49.1 Aïmeur, Esma; Brassard, Gilles; Gambs, Sébastien (2013-02-01). "Quantum speed-up for unsupervised learning" (in en). 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. 29. pp. 3999–4007. https://papers.nips.cc/paper/6401-quantum-perceptron-models. 
  51. Paparo, Giuseppe Davide; Martin-Delgado, Miguel Angel (2012). "Google in a Quantum Network". Scientific Reports 2 (444): 444. doi:10.1038/srep00444. PMID 22685626. Bibcode2012NatSR...2E.444P. 
  52. 52.0 52.1 52.2 52.3 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. doi:10.1103/PhysRevX.4.031002. Bibcode2014PhRvX...4c1002P. 
  53. 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. doi:10.1109/TSMCB.2008.925743. PMID 18784007. 
  54. Crawford, Daniel; Levit, Anna; Ghadermarzy, Navid; Oberoi, Jaspreet S.; Ronagh, Pooya (2018). "Reinforcement Learning Using Quantum Boltzmann Machines". arXiv:1612.05695 [quant-ph].
  55. Dunjko, Vedran; Friis, Nicolai; Briegel, Hans J. (2015-01-01). "Quantum-enhanced deliberation of learning agents using trapped ions" (in en). New Journal of Physics 17 (2): 023006. doi:10.1088/1367-2630/17/2/023006. ISSN 1367-2630. Bibcode2015NJPh...17b3006D. 
  56. Lamata, Lucas (2017). "Basic protocols in quantum reinforcement learning with superconducting circuits". Scientific Reports 7 (1): 1609. doi:10.1038/s41598-017-01711-6. PMID 28487535. Bibcode2017NatSR...7.1609L. 
  57. 57.0 57.1 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" (in en). Quantum Science and Technology 4 (1): 015014. doi:10.1088/2058-9565/aaef5e. ISSN 2058-9565. Bibcode2019QS&T....4a5014S. 
  58. 58.0 58.1 58.2 Saggio, Valeria; Asenbeck, Beate; Hamann, Arne; Strömberg, Teodor; Schiansky, Peter; Dunjko, Vedran; Friis, Nicolai; Harris, Nicholas C. et al. (10 March 2021). "Experimental quantum speed-up in reinforcement learning agents" (in en). Nature 591 (7849): 229–233. doi:10.1038/s41586-021-03242-7. ISSN 1476-4687. PMID 33692560. PMC 7612051. Bibcode2021Natur.591..229S. https://doi.org/10.1038/s41586-021-03242-7. 
  59. Biswas, Rupak; Jiang, Zhang; Kechezi, Kostya; Knysh, Sergey; Mandrà, Salvatore; O’Gorman, Bryan; Perdomo-Ortiz, Alejando; Pethukov, Andre et al. (2016). "A NASA perspective on quantum computing: Opportunities and challenges". Parallel Computing 64: 81–98. doi:10.1016/j.parco.2016.11.002. https://zenodo.org/record/1259293. 
  60. 60.0 60.1 Adachi, Steven H.; Henderson, Maxwell P. (2015). "Application of quantum annealing to training of deep neural networks". arXiv:1510.06356 [quant-ph].
  61. 61.0 61.1 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. doi:10.1103/PhysRevA.94.022308. Bibcode2016PhRvA..94b2308B. 
  62. 62.0 62.1 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].
  63. 63.0 63.1 63.2 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. doi:10.1103/PhysRevX.7.041052. Bibcode2017PhRvX...7d1052B. 
  64. Rocutto, Lorenzo; Destri, Claudio; Prati, Enrico (2021). "Quantum Semantic Learning by Reverse Annealing of an Adiabatic Quantum Computer". Advanced Quantum Technologies 4 (2): 2000133. doi:10.1002/qute.202000133. ISSN 2511-9044. 
  65. Amin, Mohammad H.; Andriyash, Evgeny; Rolfe, Jason; Kulchytskyy, Bohdan; Melko, Roger (2018). "Quantum Boltzmann machines". Phys. Rev. X 8 (21050): 021050. doi:10.1103/PhysRevX.8.021050. Bibcode2018PhRvX...8b1050A. 
  66. "Phys. Rev. E 72, 026701 (2005): Quantum annealing in a kinetically co…". 2014-01-13. http://pre.aps.org/abstract/PRE/v72/i2/e026701. 
  67. Wiebe, Nathan; Kapoor, Ashish; Svore, Krysta M. (2014). "Quantum deep learning". arXiv:1412.3489 [quant-ph].
  68. Wittek, Peter; Gogolin, Christian (2017). "Quantum Enhanced Inference in Markov Logic Networks". Scientific Reports 7 (45672): 45672. doi:10.1038/srep45672. PMID 28422093. Bibcode2017NatSR...745672W. 
  69. 69.0 69.1 69.2 69.3 Gupta, Sanjay; Zia, R.K.P. (2001-11-01). "Quantum Neural Networks" (in en). Journal of Computer and System Sciences 63 (3): 355–383. doi:10.1006/jcss.2001.1769. ISSN 0022-0000. 
  70. 70.0 70.1 Ezhov, Alexandr A.; Ventura, Dan (2000), "Quantum Neural Networks" (in en), Future Directions for Intelligent Systems and Information Sciences, Studies in Fuzziness and Soft Computing (Physica-Verlag HD) 45: pp. 213–235, doi:10.1007/978-3-7908-1856-7_11, ISBN 978-3-7908-2470-4 
  71. 71.0 71.1 Behrman, E.C.; Nash, L.R.; Steck, J.E.; Chandrashekar, V.G.; Skinner, S.R. (2000-10-01). "Simulations of quantum neural networks" (in en). Information Sciences 128 (3–4): 257–269. doi:10.1016/S0020-0255(00)00056-6. ISSN 0020-0255. 
  72. 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). doi:10.1007/s42484-020-00012-y. ISSN 2524-4906. http://dx.doi.org/10.1007/s42484-020-00012-y. 
  73. Gaikwad, Akash S.. Pruning convolution neural network (SqueezeNet) for efficient hardware deployment. OCLC 1197735354. http://worldcat.org/oclc/1197735354. 
  74. Cong, Iris; Choi, Soonwon; Lukin, Mikhail D. (2019-08-26). "Quantum convolutional neural networks". Nature Physics 15 (12): 1273–1278. doi:10.1038/s41567-019-0648-8. ISSN 1745-2473. Bibcode2019NatPh..15.1273C. http://dx.doi.org/10.1038/s41567-019-0648-8. 
  75. Mitarai, K.; Negoro, M.; Kitagawa, M.; Fujii, K. (2018-09-10). "Quantum circuit learning". Physical Review A 98 (3): 032309. doi:10.1103/physreva.98.032309. ISSN 2469-9926. Bibcode2018PhRvA..98c2309M. http://dx.doi.org/10.1103/physreva.98.032309. 
  76. 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. http://dx.doi.org/10.1162/neco.1997.9.8.1735. 
  77. Preskill, John (2018-08-06). "Quantum Computing in the NISQ era and beyond". Quantum 2: 79. doi:10.22331/q-2018-08-06-79. ISSN 2521-327X. Bibcode2018Quant...2...79P. http://dx.doi.org/10.22331/q-2018-08-06-79. 
  78. 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, http://dx.doi.org/10.1017/cbo9781139034807.023, retrieved 2022-11-23 
  79. Bharti, Kishor; Cervera-Lierta, Alba; Kyaw, Thi Ha; Haug, Tobias; Alperin-Lea, Sumner; Anand, Abhinav; Degroote, Matthias; Heimonen, Hermanni et al. (2022-02-15). "Noisy intermediate-scale quantum algorithms". Reviews of Modern Physics 94 (1): 015004. doi:10.1103/revmodphys.94.015004. ISSN 0034-6861. Bibcode2022RvMP...94a5004B. http://dx.doi.org/10.1103/revmodphys.94.015004. 
  80. 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. doi:10.1038/s41534-018-0116-9. Bibcode2018npjQI...4...65G. http://dx.doi.org/10.1038/s41534-018-0116-9. 
  81. 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. doi:10.22331/q-2021-06-04-466. ISSN 2521-327X. Bibcode2021Quant...5..466Z. http://dx.doi.org/10.22331/q-2021-06-04-466. 
  82. Hur, Tak; Kim, Leeseok; Park, Daniel K. (2022-02-10). "Quantum convolutional neural network for classical data classification". Quantum Machine Intelligence 4 (1): 3. doi:10.1007/s42484-021-00061-x. ISSN 2524-4906. http://dx.doi.org/10.1007/s42484-021-00061-x. 
  83. Ostaszewski, Mateusz; Grant, Edward; Benedetti, Marcello (2021-01-28). "Structure optimization for parameterized quantum circuits". Quantum 5: 391. doi:10.22331/q-2021-01-28-391. ISSN 2521-327X. Bibcode2021Quant...5..391O. 
  84. 84.0 84.1 Beer, Kerstin; Müller, Gabriel (2021-12-11). "Dissipative quantum generative adversarial networks". arXiv:2112.06088 [quant-ph].
  85. J., Sharma, Kunal Cerezo, M. Cincio, Lukasz Coles, Patrick (2020-05-25). Trainability of Dissipative Perceptron-Based Quantum Neural Networks. OCLC 1228410830. http://worldcat.org/oclc/1228410830. 
  86. 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].
  87. 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. ISCS 2014: Interdisciplinary Symposium on Complex Systems. Emergence, Complexity and Computation. 14. pp. 131–151. doi:10.1007/978-3-319-10759-2_16. ISBN 978-3-319-10759-2. 
  88. 88.0 88.1 88.2 Srinivasan, Siddarth; Gordon, Geoff; Boots, Byron (2018). "Learning Hidden Quantum Markov Models". Aistats. https://www.cc.gatech.edu/~bboots3/files/learning_hqmms.pdf. 
  89. Sentís, Gael; Guţă, Mădălin; Adesso, Gerardo (9 July 2015). "Quantum learning of coherent states". EPJ Quantum Technology 2 (1). doi:10.1140/epjqt/s40507-015-0030-4. 
  90. Sasaki, Masahide; Carlini, Alberto (6 August 2002). "Quantum learning and universal quantum matching machine". Physical Review A 66 (2): 022303. doi:10.1103/PhysRevA.66.022303. Bibcode2002PhRvA..66b2303S. 
  91. 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. doi:10.1103/PhysRevA.81.032324. Bibcode2010PhRvA..81c2324B. 
  92. 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. doi:10.1145/1273496.1273497. ISBN 978-1-59593-793-3. 
  93. 93.0 93.1 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].
  94. Schuld, Maria; Killoran, Nathan (2 March 2022). "Is Quantum Advantage the Right Goal for Quantum Machine Learning?". PRX Quantum 3 (3): 030101. doi:10.1103/PRXQuantum.3.030101. Bibcode2022PRXQ....3c0101S. 
  95. 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" (in en). Applied Sciences 12 (23): 12025. doi:10.3390/app122312025. 
  96. Cory, D. G.; Wiebe, Nathan; Ferrie, Christopher; Granade, Christopher E. (2012-07-06). "Robust Online Hamiltonian Learning" (in en). New Journal of Physics 14 (10): 103013. doi:10.1088/1367-2630/14/10/103013. Bibcode2012NJPh...14j3013G. 
  97. Arunachalam, Srinivasan; de Wolf, Ronald (2017). "A Survey of Quantum Learning Theory". arXiv:1701.06806 [quant-ph].
  98. 98.0 98.1 98.2 Servedio, Rocco A.; Gortler, Steven J. (2004). "Equivalences and Separations Between Quantum and Classical Learnability". SIAM Journal on Computing 33 (5): 1067–1092. doi:10.1137/S0097539704412910. 
  99. Arunachalam, Srinivasan; de Wolf, Ronald (2016). "Optimal Quantum Sample Complexity of Learning Algorithms". arXiv:1607.00932 [quant-ph].
  100. 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. doi:10.1137/S0097539795293123. 
  101. Monràs, Alex; Sentís, Gael; Wittek, Peter (2017). "Inductive supervised quantum learning". Physical Review Letters 118 (19): 190503. doi:10.1103/PhysRevLett.118.190503. PMID 28548536. Bibcode2017PhRvL.118s0503M. 
  102. "NIPS 2009 Demonstration: Binary Classification using Hardware Implementation of Quantum Annealing". Static.googleusercontent.com. http://static.googleusercontent.com/media/www.google.com/de//googleblogs/pdfs/nips_demoreport_120709_research.pdf. 
  103. "Google Quantum A.I. Lab Team". 31 January 2017. https://plus.google.com/+QuantumAILab. 
  104. "NASA Quantum Artificial Intelligence Laboratory". 31 January 2017. https://ti.arc.nasa.gov/tech/dash/physics/quail/. 
  105. 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. doi:10.1103/PhysRevA.79.042321. Bibcode2009PhRvA..79d2321N. 
  106. Li, Zhaokai; Liu, Xiaomei; Xu, Nanyang; Du, Jiangfeng (2015). "Experimental Realization of a Quantum Support Vector Machine". Physical Review Letters 114 (14): 140504. doi:10.1103/PhysRevLett.114.140504. PMID 25910101. Bibcode2015PhRvL.114n0504L. 
  107. Wan, Kwok-Ho; Dahlsten, Oscar; Kristjansson, Hler; Gardner, Robert; Kim, Myungshik (2017). "Quantum generalisation of feedforward neural networks". npj Quantum Information 3 (36): 36. doi:10.1038/s41534-017-0032-4. Bibcode2017npjQI...3...36W. 
  108. 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. doi:10.1038/ncomms2368. PMID 23322052. Bibcode2013NatCo...4.1364B. 
  109. Tezak, Nikolas; Mabuchi, Hideo (2015). "A coherent perceptron for all-optical learning". EPJ Quantum Technology 2. doi:10.1140/epjqt/s40507-015-0023-3. Bibcode2015arXiv150101608T. 
  110. Cai, X.-D.; Wu, D.; Su, Z.-E.; Chen, M.-C.; Wang, X.-L.; Li, Li; Liu, N.-L.; Lu, C.-Y. et al. (2015). "Entanglement-Based Machine Learning on a Quantum Computer". Physical Review Letters 114 (11): 110504. doi:10.1103/PhysRevLett.114.110504. PMID 25839250. Bibcode2015PhRvL.114k0504C. 
  111. Pfeiffer, P.; Egusquiza, I. L.; Di Ventra, M.; Sanz, M.; Solano, E. (2016). "Quantum memristors". Scientific Reports 6 (2016): 29507. doi:10.1038/srep29507. PMID 27381511. Bibcode2016NatSR...629507P. 
  112. Salmilehto, J.; Deppe, F.; Di Ventra, M.; Sanz, M.; Solano, E. (2017). "Quantum Memristors with Superconducting Circuits". Scientific Reports 7 (42044): 42044. doi:10.1038/srep42044. PMID 28195193. Bibcode2017NatSR...742044S. 
  113. 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. doi:10.1103/PhysRevB.96.075446. Bibcode2017PhRvB..96g5446L. 
  114. 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 (Springer Science and Business Media LLC) 24 (12): 9243–9256. doi:10.1007/s00500-019-04450-0. ISSN 1432-7643. 
  115. 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].
  116. "A quantum trick with photons gives machine learning a speed boost" (in en). New Scientist. https://www.newscientist.com/article/2270517-a-quantum-trick-with-photons-gives-machine-learning-a-speed-boost/. 
  117. "Can quantum machine learning move beyond its own hype?" (in en). 2020-05-04. https://www.protocol.com/manuals/quantum-computing/machine-learning-ai-quantum-computing-move-beyond-hype. 
  118. "Can quantum machine learning move beyond its own hype?" (in en). 2018-01-22. https://www.quantamagazine.org/job-one-for-quantum-computers-boost-artificial-intelligence-20180129/. 
  119. Zickert, Frank (2020-09-23). "Quantum Machine Learning" (in en). https://towardsdatascience.com/quantum-machine-learning-e1955476a6ad.