LightningGPU¶
- class LightningGPU(wires: ~typing.Union[int, ~typing.List] = None, *, c_dtype: ~typing.Union[~numpy.complex128, ~numpy.complex64] = <class 'numpy.complex128'>, shots: ~typing.Union[int, ~typing.List] = None, batch_obs: bool = False, seed: ~typing.Union[str, None, int, ~collections.abc.Buffer, ~numpy._typing._array_like._SupportsArray[~numpy.dtype[~typing.Any]], ~numpy._typing._nested_sequence._NestedSequence[~numpy._typing._array_like._SupportsArray[~numpy.dtype[~typing.Any]]], complex, bytes, ~numpy._typing._nested_sequence._NestedSequence[complex | bytes | str], ~numpy.random.bit_generator.SeedSequence, ~numpy.random.bit_generator.BitGenerator, ~numpy.random._generator.Generator] = 'global', mpi: bool = False, mpi_buf_size: int = 0, use_async: bool = False)[source]¶
- Bases: - LightningBase- PennyLane Lightning GPU device. - A device that interfaces with C++ to perform fast linear algebra calculations on GPUs using custatevec. - Use of this device requires pre-built binaries or compilation from source. Check out the Lightning-GPU installation guide for more details. - Parameters
- wires (Optional[int, list]) – the number of wires to initialize the device with. Defaults to - Noneif not specified, and the device will allocate the number of wires depending on the circuit to execute.
- c_dtype – Datatypes for statevector representation. Must be one of - np.complex64or- np.complex128.
- shots (int) – How many times the circuit should be evaluated (or sampled) to estimate the expectation values. Defaults to - Noneif not specified. Setting to- Noneresults in computing statistics like expectation values and variances analytically.
- batch_obs (bool) – Determine whether we process observables in parallel when computing the jacobian. This value is only relevant when the lightning.gpu is built with MPI. Default is False. 
- seed (Union[str, None, int, array_like[int], SeedSequence, BitGenerator, Generator]) – A seed-like parameter matching that of - seedfor- numpy.random.default_rng, or a request to seed from numpy’s global random number generator. The default,- seed="global"pulls a seed from NumPy’s global generator.- seed=Nonewill pull a seed from the OS entropy.
- mpi (bool) – declare if the device will use the MPI support. 
- mpi_buf_size (int) – size of GPU memory (in MiB) set for MPI operation and its default value is 64 MiB. 
- use_async (bool) – is host-device data copy asynchronized or not. 
 
 - Attributes- State vector complex data type. - A - DeviceCapabilitiesobject describing the capabilities of the backend device.- A device can use a toml file to specify the capabilities of the backend device. - The name of the device. - Default shots for execution workflows containing this device. - A - Trackerthat can store information about device executions, shots, batches, intermediate results, or any additional device dependent information.- The device wires. - c_dtype¶
- State vector complex data type. 
 - capabilities: DeviceCapabilities | None = DeviceCapabilities(operations={'Identity': OperatorProperties(invertible=True, controllable=False, differentiable=True, conditions=[]), 'PauliX': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'PauliY': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'PauliZ': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'Hadamard': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'S': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'SX': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'T': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'PhaseShift': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'RX': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'RY': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'RZ': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'Rot': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'CNOT': OperatorProperties(invertible=True, controllable=False, differentiable=True, conditions=[]), 'CY': OperatorProperties(invertible=True, controllable=False, differentiable=True, conditions=[]), 'CZ': OperatorProperties(invertible=True, controllable=False, differentiable=True, conditions=[]), 'SWAP': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'CSWAP': OperatorProperties(invertible=True, controllable=False, differentiable=True, conditions=[]), 'Toffoli': OperatorProperties(invertible=True, controllable=False, differentiable=True, conditions=[]), 'IsingXX': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'IsingXY': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'IsingYY': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'IsingZZ': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'ControlledPhaseShift': OperatorProperties(invertible=True, controllable=False, differentiable=True, conditions=[]), 'CRX': OperatorProperties(invertible=True, controllable=False, differentiable=True, conditions=[]), 'CRY': OperatorProperties(invertible=True, controllable=False, differentiable=True, conditions=[]), 'CRZ': OperatorProperties(invertible=True, controllable=False, differentiable=True, conditions=[]), 'CRot': OperatorProperties(invertible=True, controllable=False, differentiable=False, conditions=[]), 'SingleExcitation': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'SingleExcitationPlus': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'SingleExcitationMinus': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'DoubleExcitation': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'DoubleExcitationPlus': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'DoubleExcitationMinus': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'MultiRZ': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'QubitUnitary': OperatorProperties(invertible=True, controllable=True, differentiable=False, conditions=[]), 'GlobalPhase': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'PSWAP': OperatorProperties(invertible=True, controllable=True, differentiable=True, conditions=[]), 'PCPhase': OperatorProperties(invertible=True, controllable=True, differentiable=False, conditions=[]), 'BlockEncode': OperatorProperties(invertible=False, controllable=True, differentiable=False, conditions=[]), 'ControlledQubitUnitary': OperatorProperties(invertible=False, controllable=False, differentiable=False, conditions=[]), 'ECR': OperatorProperties(invertible=False, controllable=False, differentiable=False, conditions=[]), 'ISWAP': OperatorProperties(invertible=False, controllable=False, differentiable=False, conditions=[]), 'SISWAP': OperatorProperties(invertible=False, controllable=False, differentiable=False, conditions=[]), 'SQISW': OperatorProperties(invertible=False, controllable=False, differentiable=False, conditions=[]), 'OrbitalRotation': OperatorProperties(invertible=False, controllable=False, differentiable=False, conditions=[]), 'QubitCarry': OperatorProperties(invertible=False, controllable=False, differentiable=False, conditions=[]), 'QubitSum': OperatorProperties(invertible=False, controllable=False, differentiable=False, conditions=[]), 'DiagonalQubitUnitary': OperatorProperties(invertible=False, controllable=False, differentiable=False, conditions=[]), 'MultiControlledX': OperatorProperties(invertible=False, controllable=False, differentiable=False, conditions=[])}, observables={'Identity': OperatorProperties(invertible=False, controllable=False, differentiable=True, conditions=[]), 'PauliX': OperatorProperties(invertible=False, controllable=False, differentiable=True, conditions=[]), 'PauliY': OperatorProperties(invertible=False, controllable=False, differentiable=True, conditions=[]), 'PauliZ': OperatorProperties(invertible=False, controllable=False, differentiable=True, conditions=[]), 'Hadamard': OperatorProperties(invertible=False, controllable=False, differentiable=True, conditions=[]), 'Hermitian': OperatorProperties(invertible=False, controllable=False, differentiable=True, conditions=[]), 'SparseHamiltonian': OperatorProperties(invertible=False, controllable=False, differentiable=True, conditions=[]), 'Sum': OperatorProperties(invertible=False, controllable=False, differentiable=True, conditions=[]), 'SProd': OperatorProperties(invertible=False, controllable=False, differentiable=True, conditions=[]), 'Prod': OperatorProperties(invertible=False, controllable=False, differentiable=True, conditions=[]), 'Exp': OperatorProperties(invertible=False, controllable=False, differentiable=True, conditions=[]), 'LinearCombination': OperatorProperties(invertible=False, controllable=False, differentiable=True, conditions=[]), 'Projector': OperatorProperties(invertible=False, controllable=False, differentiable=False, conditions=[])}, measurement_processes={'ExpectationMP': [], 'VarianceMP': [], 'ProbabilityMP': [], 'StateMP': [<ExecutionCondition.ANALYTIC_MODE_ONLY: 'analytic'>], 'SampleMP': [<ExecutionCondition.FINITE_SHOTS_ONLY: 'finiteshots'>], 'CountsMP': [<ExecutionCondition.FINITE_SHOTS_ONLY: 'finiteshots'>]}, qjit_compatible=True, runtime_code_generation=False, dynamic_qubit_management=False, overlapping_observables=True, non_commuting_observables=True, initial_state_prep=True, supported_mcm_methods=['device', 'one-shot', 'tree-traversal'])¶
- A - DeviceCapabilitiesobject describing the capabilities of the backend device.
 - config_filepath: str | None = PosixPath('/home/docs/checkouts/readthedocs.org/user_builds/xanaduai-pennylane-lightning/envs/latest/lib/python3.12/site-packages/pennylane_lightning/lightning_gpu/lightning_gpu.toml')¶
- A device can use a toml file to specify the capabilities of the backend device. If this is provided, the file will be loaded into a - DeviceCapabilitiesobject assigned to the- capabilitiesattribute.
 - name¶
- The name of the device. 
 - shots¶
- Default shots for execution workflows containing this device. - Note that the device itself should always pull shots from the provided - QuantumTapeand its- shots, not from this property. This property is used to provide a default at the start of a workflow.
 - tracker: Tracker = <pennylane.devices.tracker.Tracker object>¶
- A - Trackerthat can store information about device executions, shots, batches, intermediate results, or any additional device dependent information.- A plugin developer can store information in the tracker by: - # querying if the tracker is active if self.tracker.active: # store any keyword: value pairs of information self.tracker.update(executions=1, shots=self._shots, results=results) # Calling a user-provided callback function self.tracker.record() 
 - wires¶
- The device wires. - Note that wires are optional, and the default value of None means any wires can be used. If a device has wires defined, they will only be used for certain features. This includes: - Validation of tapes being executed on the device 
- Defining the wires used when evaluating a - state()measurement
 
 - Methods- compute_derivatives(circuits[, execution_config])- Calculate the jacobian of either a single or a batch of circuits on the device. - compute_jvp(circuits, tangents[, ...])- The jacobian vector product used in forward mode calculation of derivatives. - compute_vjp(circuits, cotangents[, ...])- The vector jacobian product used in reverse-mode differentiation. - Lightning[Device]uses the adjoint differentiation method to compute the VJP. :param circuits: the circuit or batch of circuits :type circuits: Union[QuantumTape, Sequence[QuantumTape]] :param cotangents: Gradient-output vector. Must have shape matching the output shape of the corresponding circuit. If the circuit has a single output,- cotangentsmay be a single number, not an iterable of numbers. :type cotangents: Tuple[Number, Tuple[Number]] :param execution_config: a datastructure with all additional information required for execution. Default is- None, which sets the execution config to the default setup. :type execution_config: ExecutionConfig.- dynamic_wires_from_circuit(circuit)- Allocate the underlying quantum state from the pre-defined wires or a given circuit if applicable. - eval_jaxpr(jaxpr, consts, *args[, ...])- Execute pennylane variant jaxpr using C++ simulation tools. - execute(circuits[, execution_config])- Execute a circuit or a batch of circuits and turn it into results. - execute_and_compute_derivatives(circuits[, ...])- Compute the results and jacobians of circuits at the same time. - execute_and_compute_jvp(circuits, tangents)- Execute a batch of circuits and compute their jacobian vector products. - execute_and_compute_vjp(circuits, cotangents)- Calculate both the results and the vector jacobian product used in reverse-mode differentiation. :param circuits: the circuit or batch of circuits to be executed :type circuits: Union[QuantumTape, Sequence[QuantumTape]] :param cotangents: Gradient-output vector. Must have shape matching the output shape of the corresponding circuit. If the circuit has a single output, - cotangentsmay be a single number, not an iterable of numbers. :type cotangents: Tuple[Number, Tuple[Number]] :param execution_config: a datastructure with all additional information required for execution :type execution_config: ExecutionConfig.- Returns a tuple consisting of the device name, and the location to the shared object with the C/C++ device implementation. - get_c_interface_impl(lightning_device_name, ...)- Returns a tuple consisting of the device name, and the location to the shared object with the C/C++ device implementation. - jacobian(circuit, state[, batch_obs, wire_map])- Compute the Jacobian for a single quantum script. - jaxpr_jvp(jaxpr, args, tangents[, ...])- An experimental method for computing the results and jvp for PLXPR with LightningBase devices. - preprocess([execution_config])- Device preprocessing function. - preprocess_transforms([execution_config])- This function defines the device transform program to be applied and an updated device configuration. - setup_execution_config([config, circuit])- Update the execution config with choices for how the device should be used and the device options. - simulate(circuit, state, *[, ...])- Simulate a single quantum script. - simulate_and_jacobian(circuit, state[, ...])- Simulate a single quantum script and compute its Jacobian. - simulate_and_vjp(circuit, cotangents, state)- Simulate a single quantum script and compute its Vector-Jacobian Product (VJP). :param circuit: The single circuit to simulate :type circuit: QuantumTape :param cotangents: Gradient-output vector. Must have shape matching the output shape of the corresponding circuit. If the circuit has a single output, - cotangentsmay be a single number, not an iterable of numbers. :type cotangents: Tuple[Number, Tuple[Number]] :param state: A handle to the underlying Lightning state :param batch_obs: Determine whether we process observables in parallel when computing the jacobian. Default is- False. :type batch_obs: bool :param wire_map: an optional map from wire labels to simulation indices. Default is- None. :type wire_map: Optional[dict].- supports_derivatives([execution_config, circuit])- Check whether or not derivatives are available for a given configuration and circuit. - supports_jvp([execution_config, circuit])- Whether or not a given device defines a custom jacobian vector product. - supports_vjp([execution_config, circuit])- Whether or not this device defines a custom vector jacobian product. - vjp(circuit, cotangents, state[, batch_obs, ...])- Compute the Vector-Jacobian Product (VJP) for a single quantum script. :param circuit: The single circuit to simulate :type circuit: QuantumTape :param cotangents: Gradient-output vector. Must have shape matching the output shape of the corresponding circuit. If the circuit has a single output, - cotangentsmay be a single number, not an iterable of numbers. :type cotangents: Tuple[Number, Tuple[Number]] :param state: A handle to the underlying Lightning state :param batch_obs: Determine whether we process observables in parallel when computing the VJP. Default is- False. :type batch_obs: bool :param wire_map: an optional map from wire labels to simulation indices. Default is- None. :type wire_map: Optional[dict].- compute_derivatives(circuits: Union[QuantumTape, Sequence[QuantumTape]], execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None) Tuple¶
- Calculate the jacobian of either a single or a batch of circuits on the device. - Parameters
- circuits (Union[QuantumTape, Sequence[QuantumTape]]) – the circuits to calculate derivatives for 
- execution_config (ExecutionConfig) – a data structure with all additional information required for execution. Default is - None, which sets the execution config to the default setup.
 
- Returns
- The jacobian for each trainable parameter 
- Return type
- Tuple 
 
 - compute_jvp(circuits: pennylane.tape.qscript.QuantumScript | collections.abc.Sequence[pennylane.tape.qscript.QuantumScript], tangents: tuple[numbers.Number, ...], execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None)¶
- The jacobian vector product used in forward mode calculation of derivatives. - Parameters
- circuits (Union[QuantumTape, Sequence[QuantumTape]]) – the circuit or batch of circuits 
- tangents (tensor-like) – Gradient vector for input parameters. 
- execution_config (ExecutionConfig) – a datastructure with all additional information required for execution 
 
- Returns
- A numeric result of computing the jacobian vector product 
- Return type
- Tuple 
 - Definition of jvp: - If we have a function with jacobian: \[\vec{y} = f(\vec{x}) \qquad J_{i,j} = \frac{\partial y_i}{\partial x_j}\]- The Jacobian vector product is the inner product with the derivatives of \(x\), yielding only the derivatives of the output \(y\): \[\text{d}y_i = \Sigma_{j} J_{i,j} \text{d}x_j\]- Shape of tangents: - The - tangentstuple should be the same length as- circuit.get_parameters()and have a single number per parameter. If a number is zero, then the gradient with respect to that parameter does not need to be computed.
 - compute_vjp(circuits: Union[QuantumTape, Sequence[QuantumTape]], cotangents: Tuple[Number], execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None) Tuple¶
- The vector jacobian product used in reverse-mode differentiation. - Lightning[Device]uses the adjoint differentiation method to compute the VJP. :param circuits: the circuit or batch of circuits :type circuits: Union[QuantumTape, Sequence[QuantumTape]] :param cotangents: Gradient-output vector. Must have shape matching the output shape of the- corresponding circuit. If the circuit has a single output, - cotangentsmay be a single number, not an iterable of numbers.- Parameters
- execution_config (ExecutionConfig) – a datastructure with all additional information required for execution. Default is - None, which sets the execution config to the default setup.
- Returns
- A numeric result of computing the vector jacobian product 
- Return type
- tensor-like 
 - Definition of vjp: If we have a function with jacobian: .. math: - \vec{y} = f(\vec{x}) \qquad J_{i,j} = \frac{\partial y_i}{\partial x_j} - The vector jacobian product is the inner product of the derivatives of the output - ywith the Jacobian matrix. The derivatives of the output vector are sometimes called the cotangents. .. math:- \text{d}x_i = \Sigma_{i} \text{d}y_i J_{i,j} - Shape of cotangents: The value provided to - cotangentsshould match the output of- execute(). For computing the full Jacobian, the cotangents can be batched to vectorize the computation. In this case, the cotangents can have the following shapes.- batch_sizebelow refers to the number of entries in the Jacobian: * For a state measurement, the cotangents must have shape- (batch_size, 2 ** n_wires)* For- nexpectation values, the cotangents must have shape- (n, batch_size). If- n = 1,- then the shape must be - (batch_size,).
 - dynamic_wires_from_circuit(circuit)¶
- Allocate the underlying quantum state from the pre-defined wires or a given circuit if applicable. Circuit wires will be mapped to Pennylane - default.qubitstandard wire order.- Parameters
- circuit (QuantumTape) – The circuit to execute. 
- Returns
- The updated circuit with the wires mapped to the standard wire order. 
- Return type
- QuantumTape 
 
 - eval_jaxpr(jaxpr: jax.extend.core.Jaxpr, consts: list[Union[int, float, bool, complex, bytes, list, tuple, numpy.ndarray, numpy.generic, autograd.numpy.numpy_boxes.ArrayBox, pennylane.typing.InterfaceTensor]], *args: Union[int, float, bool, complex, bytes, list, tuple, ndarray, generic, ArrayBox, InterfaceTensor], execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None, shots: pennylane.measurements.shots.Shots | int | collections.abc.Sequence[int | tuple[int, int]] | None = None) list[Union[int, float, bool, complex, bytes, list, tuple, numpy.ndarray, numpy.generic, autograd.numpy.numpy_boxes.ArrayBox, pennylane.typing.InterfaceTensor]]¶
- Execute pennylane variant jaxpr using C++ simulation tools. - Parameters
- jaxpr (jax.extend.core.Jaxpr) – jaxpr containing quantum operations 
- consts (list[TensorLike]) – List of constants for the jaxpr closure variables 
- *args (TensorLike) – The arguments to the jaxpr. 
 
- Keyword Arguments
- execution_config (ExecutionConfig | None) – a datastructure with additional information required for execution 
- Returns
- the results of the execution 
- Return type
- list(TensorLike) 
 - import pennylane as qml import jax qml.capture.enable() def f(x): @qml.for_loop(3) def loop(i, y): qml.RX(y, i) return y + 0.5 loop(x) return [qml.expval(qml.Z(i)) for i in range(3)] jaxpr = jax.make_jaxpr(f)(0.5) dev = qml.device('lightning.qubit', wires=3) dev.eval_jaxpr(jaxpr.jaxpr, jaxpr.consts, 0.0) - [1.0, 0.8775825618903728, 0.5403023058681395] 
 - execute(circuits: Union[QuantumTape, Sequence[QuantumTape]], execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None) Union[Result, Sequence[Result]][source]¶
- Execute a circuit or a batch of circuits and turn it into results. - Parameters
- circuits (Union[QuantumTape, Sequence[QuantumTape]]) – the quantum circuits to be executed 
- execution_config (ExecutionConfig) – a datastructure with additional information required for execution 
 
- Returns
- A numeric result of the computation. 
- Return type
- TensorLike, tuple[TensorLike], tuple[tuple[TensorLike]] 
 
 - execute_and_compute_derivatives(circuits: Union[QuantumTape, Sequence[QuantumTape]], execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None) Tuple¶
- Compute the results and jacobians of circuits at the same time. - Parameters
- circuits (Union[QuantumTape, Sequence[QuantumTape]]) – the circuits or batch of circuits 
- execution_config (ExecutionConfig) – a data structure with all additional information required for execution. Default is - None, which sets the execution config to the default setup.
 
- Returns
- A numeric result of the computation and the gradient. 
- Return type
- Tuple 
 
 - execute_and_compute_jvp(circuits: pennylane.tape.qscript.QuantumScript | collections.abc.Sequence[pennylane.tape.qscript.QuantumScript], tangents: tuple[numbers.Number, ...], execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None)¶
- Execute a batch of circuits and compute their jacobian vector products. - Parameters
- circuits (Union[QuantumTape, Sequence[QuantumTape]]) – circuit or batch of circuits 
- tangents (tensor-like) – Gradient vector for input parameters. 
- execution_config (ExecutionConfig) – a datastructure with all additional information required for execution 
 
- Returns
- A numeric result of execution and of computing the jacobian vector product 
- Return type
- Tuple, Tuple 
 - See also - execute()and- compute_jvp()
 - execute_and_compute_vjp(circuits: Union[QuantumTape, Sequence[QuantumTape]], cotangents: Tuple[Number], execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None) Tuple¶
- Calculate both the results and the vector jacobian product used in reverse-mode differentiation. :param circuits: the circuit or batch of circuits to be executed :type circuits: Union[QuantumTape, Sequence[QuantumTape]] :param cotangents: Gradient-output vector. Must have shape matching the output shape of the - corresponding circuit. If the circuit has a single output, - cotangentsmay be a single number, not an iterable of numbers.- Parameters
- execution_config (ExecutionConfig) – a datastructure with all additional information required for execution 
- Returns
- the result of executing the scripts and the numeric result of computing the vector jacobian product 
- Return type
- Tuple, Tuple 
 
 - static get_c_interface()[source]¶
- Returns a tuple consisting of the device name, and the location to the shared object with the C/C++ device implementation. 
 - static get_c_interface_impl(lightning_device_name: str, lightning_lib_name: str) Tuple[str, str]¶
- Returns a tuple consisting of the device name, and the location to the shared object with the C/C++ device implementation. 
 - jacobian(circuit: QuantumTape, state, batch_obs: bool = False, wire_map: dict = None)¶
- Compute the Jacobian for a single quantum script. - Parameters
- circuit (QuantumTape) – The single circuit to simulate 
- state (Lightning [Device] StateVector) – A handle to the underlying Lightning state 
- batch_obs (bool) – Determine whether we process observables in parallel when computing the jacobian. Default is - False.
- wire_map (Optional[dict]) – an optional map from wire labels to simulation indices. Default is - None.
 
- Returns
- The Jacobian of the quantum script 
- Return type
- TensorLike 
 
 - jaxpr_jvp(jaxpr: jax.extend.core.Jaxpr, args: Sequence[Union[int, float, bool, complex, bytes, list, tuple, ndarray, generic, ArrayBox, InterfaceTensor]], tangents: Sequence[Union[int, float, bool, complex, bytes, list, tuple, ndarray, generic, ArrayBox, InterfaceTensor]], execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None) tuple[Sequence[Union[int, float, bool, complex, bytes, list, tuple, numpy.ndarray, numpy.generic, autograd.numpy.numpy_boxes.ArrayBox, pennylane.typing.InterfaceTensor]], Sequence[Union[int, float, bool, complex, bytes, list, tuple, numpy.ndarray, numpy.generic, autograd.numpy.numpy_boxes.ArrayBox, pennylane.typing.InterfaceTensor]]]¶
- An experimental method for computing the results and jvp for PLXPR with LightningBase devices. - Parameters
- jaxpr (jax.extend.core.Jaxpr) – Pennylane variant jaxpr containing quantum operations and measurements 
- args (Sequence[TensorLike]) – the arguments to the - jaxpr. Should contain- constsfollowed by non-constant arguments
- tangents (Sequence[TensorLike]) – the tangents corresponding to - args. May contain- jax.interpreters.ad.Zero.
 
- Keyword Arguments
- execution_config (ExecutionConfig | None) – a data structure with additional information required for execution 
- Returns
- the results and Jacobian vector products 
- Return type
- Sequence[TensorLike], Sequence[TensorLike] 
 - Note - For LightningBase devices, the current implementation of this method is based on the conversion of the jaxpr to a PennyLane tape. This has strict limitations. The - argsshould contain the concatenation of- jaxpr.constvarsand- jaxpr.invars, which are assumed to represent the trainable parameters of the circuit. The method will raise an error if- argsdo not match exactly the parameters of the tape created from the jaxpr. Finally, only the adjoint method is supported for gradient calculation on LightningBase devices.
 - preprocess(execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None) tuple[pennylane.transforms.core.transform_program.TransformProgram, pennylane.devices.execution_config.ExecutionConfig]¶
- Device preprocessing function. - Warning - This function is tracked by machine learning interfaces and should be fully differentiable. The - pennylane.mathmodule can be used to construct fully differentiable transformations.- Additional preprocessing independent of machine learning interfaces can be done inside of the - execute()method.- Parameters
- execution_config (ExecutionConfig) – A datastructure describing the parameters needed to fully describe the execution. 
- Returns
- A transform program that is called before execution, and a configuration
- with unset specifications filled in. 
 
- Return type
- TransformProgram, ExecutionConfig 
- Raises
- Exception – An exception can be raised if the input cannot be converted into a form supported by the device. 
 - Preprocessing program may include: - expansion to - Operator’s and- MeasurementProcessobjects supported by the device.
- splitting a circuit with the measurement of non-commuting observables or Hamiltonians into multiple executions 
- splitting circuits with batched parameters into multiple executions 
- gradient specific preprocessing, such as making sure trainable operators have generators 
- validation of configuration parameters 
- choosing a best gradient method and - grad_on_executionvalue.
 - Example - All the transforms that are part of the preprocessing need to respect the transform contract defined in - pennylane.transform().- from pennylane.tape import TapeBatch from pennylane.typing import PostprocessingFn @transform def my_preprocessing_transform(tape: qml.tape.QuantumScript) -> tuple[QuantumScriptBatch, PostprocessingFn]: # e.g. valid the measurements, expand the tape for the hardware execution, ... def blank_processing_fn(results): return results[0] return [tape], processing_fn - Then we can define the preprocess method on the custom device. The program can accept an arbitrary number of transforms. - def preprocess(config): program = TransformProgram() program.add_transform(my_preprocessing_transform) return program, config - See also - transform()and- TransformProgram- Post processing function and derivatives- Derivatives and jacobian products will be bound to the machine learning library before the postprocessing function is called on results. Therefore the machine learning library will be responsible for combining the device provided derivatives and post processing derivatives. - from pennylane.interfaces.jax import execute as jax_boundary def f(x): circuit = qml.tape.QuantumScript([qml.Rot(*x, wires=0)], [qml.expval(qml.Z(0))]) config = ExecutionConfig(gradient_method="adjoint") program, config = dev.preprocess(config) circuit_batch, postprocessing = program((circuit, )) def execute_fn(tapes): return dev.execute_and_compute_derivatives(tapes, config) results = jax_boundary(circuit_batch, dev, execute_fn, None, {}) return postprocessing(results) x = jax.numpy.array([1.0, 2.0, 3.0]) jax.grad(f)(x) - In the above code, the quantum derivatives are registered with jax in the - jax_boundaryfunction. Only then is the classical postprocessing called on the result object.
 - preprocess_transforms(execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None) TransformProgram[source]¶
- This function defines the device transform program to be applied and an updated device configuration. - Parameters
- execution_config (Union[ExecutionConfig, Sequence[ExecutionConfig]]) – A data structure describing the parameters needed to fully describe the execution. 
- Returns
- A transform program that when called returns - QuantumTape’s that the device can natively execute as well as a postprocessing function to be called after execution.
- Return type
- TransformProgram 
 - This device: - Supports any qubit operations that provide a matrix 
- Currently does not support finite shots 
- Currently does not intrinsically support parameter broadcasting 
 
 - setup_execution_config(config: pennylane.devices.execution_config.ExecutionConfig | None = None, circuit: pennylane.tape.qscript.QuantumScript | None = None) ExecutionConfig[source]¶
- Update the execution config with choices for how the device should be used and the device options. 
 - simulate(circuit: QuantumScript, state, *, postselect_mode: str = None, mcmc: dict = None, mcm_method: str = None) Result¶
- Simulate a single quantum script. - Parameters
- circuit (QuantumTape) – The single circuit to simulate 
- state (Lightning [Device] StateVector) – A handle to the underlying Lightning state 
- postselect_mode (str) – Configuration for handling shots with mid-circuit measurement postselection. Use - "hw-like"to discard invalid shots and- "fill-shots"to keep the same number of shots. Default is- None.
- mcmc (dict) – Dictionary containing the Markov Chain Monte Carlo parameters: mcmc, kernel_name, num_burnin. Currently only supported for - lightning.qubit, more detail can be found in- LightningQubit.
- mcm_method (str) – The method to use for mid-circuit measurements. Default is - "one-shot"if- circuit.shotsis set, otherwise it defaults to- "deferred".
 
- Returns
- The results of the simulation 
- Return type
- Tuple[TensorLike] 
 - Note that this function can return measurements for non-commuting observables simultaneously. 
 - simulate_and_jacobian(circuit: QuantumTape, state, batch_obs: bool = False, wire_map: dict = None) Tuple¶
- Simulate a single quantum script and compute its Jacobian. - Parameters
- circuit (QuantumTape) – The single circuit to simulate 
- state (Lightning [Device] StateVector) – A handle to the underlying Lightning state 
- batch_obs (bool) – Determine whether we process observables in parallel when computing the jacobian. Default is - False.
- wire_map (Optional[dict]) – an optional map from wire labels to simulation indices. Default is - None.
 
- Returns
- The results of the simulation and the calculated Jacobian 
- Return type
- Tuple[TensorLike] 
 - Note that this function can return measurements for non-commuting observables simultaneously. 
 - simulate_and_vjp(circuit: QuantumTape, cotangents: Tuple[Number], state, batch_obs: bool = False, wire_map: dict = None) Tuple¶
- Simulate a single quantum script and compute its Vector-Jacobian Product (VJP). :param circuit: The single circuit to simulate :type circuit: QuantumTape :param cotangents: Gradient-output vector. Must - have shape matching the output shape of the corresponding circuit. If the circuit has a single output, - cotangentsmay be a single number, not an iterable of numbers.- Parameters
- state – A handle to the underlying Lightning state 
- batch_obs (bool) – Determine whether we process observables in parallel when computing the jacobian. Default is - False.
- wire_map (Optional[dict]) – an optional map from wire labels to simulation indices. Default is - None.
 
- Returns
- The results of the simulation and the calculated VJP 
- Return type
- Tuple[TensorLike] 
 - Note that this function can return measurements for non-commuting observables simultaneously. 
 - supports_derivatives(execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None, circuit: Optional[QuantumTape] = None) bool[source]¶
- Check whether or not derivatives are available for a given configuration and circuit. - LightningGPUsupports adjoint differentiation with analytic results.- Parameters
- execution_config (ExecutionConfig) – The configuration of the desired derivative calculation 
- circuit (QuantumTape) – An optional circuit to check derivatives support for. 
 
- Returns
- Whether or not a derivative can be calculated provided the given information 
- Return type
- Bool 
 
 - supports_jvp(execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None, circuit: pennylane.tape.qscript.QuantumScript | None = None) bool¶
- Whether or not a given device defines a custom jacobian vector product. - Parameters
- execution_config (ExecutionConfig) – A description of the hyperparameters for the desired computation. 
- circuit (None, QuantumTape) – A specific circuit to check differentation for. 
 
 - Default behaviour assumes this to be - Trueif- compute_jvp()is overridden.
 - supports_vjp(execution_config: pennylane.devices.execution_config.ExecutionConfig | None = None, circuit: Optional[QuantumTape] = None) bool¶
- Whether or not this device defines a custom vector jacobian product. - Lightning[Device]will check if supports adjoint differentiation with analytic results. :param execution_config: The configuration of the desired derivative calculation :type execution_config: ExecutionConfig :param circuit: An optional circuit to check derivatives support for. :type circuit: QuantumTape- Returns
- Whether or not a derivative can be calculated provided the given information 
- Return type
- Bool 
 
 - vjp(circuit: QuantumTape, cotangents: Tuple[Number], state, batch_obs: bool = False, wire_map: dict = None)¶
- Compute the Vector-Jacobian Product (VJP) for a single quantum script. :param circuit: The single circuit to simulate :type circuit: QuantumTape :param cotangents: Gradient-output vector. Must - have shape matching the output shape of the corresponding circuit. If the circuit has a single output, - cotangentsmay be a single number, not an iterable of numbers.- Parameters
- state – A handle to the underlying Lightning state 
- batch_obs (bool) – Determine whether we process observables in parallel when computing the VJP. Default is - False.
- wire_map (Optional[dict]) – an optional map from wire labels to simulation indices. Default is - None.
 
- Returns
- The VJP of the quantum script 
- Return type
- TensorLike