qadence 1.5.1__py3-none-any.whl → 1.6.0__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- qadence/__init__.py +33 -5
- qadence/backend.py +2 -2
- qadence/backends/adjoint.py +8 -4
- qadence/backends/braket/backend.py +3 -2
- qadence/backends/braket/config.py +2 -2
- qadence/backends/gpsr.py +1 -1
- qadence/backends/horqrux/backend.py +4 -0
- qadence/backends/horqrux/config.py +2 -2
- qadence/backends/pulser/backend.py +71 -45
- qadence/backends/pulser/config.py +0 -28
- qadence/backends/pulser/pulses.py +2 -2
- qadence/backends/pyqtorch/backend.py +3 -2
- qadence/backends/pyqtorch/config.py +2 -2
- qadence/blocks/block_to_tensor.py +4 -4
- qadence/blocks/matrix.py +2 -2
- qadence/blocks/utils.py +2 -2
- qadence/circuit.py +5 -2
- qadence/constructors/__init__.py +1 -10
- qadence/constructors/ansatze.py +1 -65
- qadence/constructors/daqc/daqc.py +3 -2
- qadence/constructors/daqc/gen_parser.py +3 -2
- qadence/constructors/daqc/utils.py +3 -3
- qadence/constructors/feature_maps.py +2 -90
- qadence/constructors/hamiltonians.py +2 -6
- qadence/constructors/rydberg_feature_maps.py +2 -2
- qadence/decompose.py +2 -2
- qadence/engines/torch/differentiable_expectation.py +7 -0
- qadence/extensions.py +4 -15
- qadence/log_config.yaml +24 -0
- qadence/logger.py +9 -27
- qadence/ml_tools/models.py +10 -2
- qadence/ml_tools/saveload.py +14 -5
- qadence/ml_tools/train_grad.py +3 -3
- qadence/ml_tools/train_no_grad.py +2 -2
- qadence/models/quantum_model.py +13 -6
- qadence/noise/readout.py +2 -3
- qadence/operations/__init__.py +0 -2
- qadence/operations/analog.py +2 -12
- qadence/operations/control_ops.py +3 -2
- qadence/operations/ham_evo.py +2 -2
- qadence/operations/parametric.py +3 -2
- qadence/operations/primitive.py +2 -2
- qadence/parameters.py +2 -2
- qadence/serial_expr_grammar.peg +11 -0
- qadence/serialization.py +192 -67
- qadence/transpile/block.py +2 -2
- qadence/types.py +2 -2
- qadence/utils.py +10 -4
- {qadence-1.5.1.dist-info → qadence-1.6.0.dist-info}/METADATA +45 -36
- {qadence-1.5.1.dist-info → qadence-1.6.0.dist-info}/RECORD +52 -50
- {qadence-1.5.1.dist-info → qadence-1.6.0.dist-info}/WHEEL +1 -1
- {qadence-1.5.1.dist-info → qadence-1.6.0.dist-info}/licenses/LICENSE +0 -0
qadence/utils.py
CHANGED
@@ -2,6 +2,7 @@ from __future__ import annotations
|
|
2
2
|
|
3
3
|
import math
|
4
4
|
from collections import Counter
|
5
|
+
from logging import getLogger
|
5
6
|
from typing import Any
|
6
7
|
|
7
8
|
import numpy as np
|
@@ -11,14 +12,13 @@ from torch import Tensor, stack, vmap
|
|
11
12
|
from torch import complex as make_complex
|
12
13
|
from torch.linalg import eigvals
|
13
14
|
|
14
|
-
from qadence.logger import get_logger
|
15
15
|
from qadence.types import Endianness, ResultType, TNumber
|
16
16
|
|
17
17
|
# Modules to be automatically added to the qadence namespace
|
18
18
|
__all__ = [] # type: ignore
|
19
19
|
|
20
20
|
|
21
|
-
logger =
|
21
|
+
logger = getLogger(__name__)
|
22
22
|
|
23
23
|
|
24
24
|
def basis_to_int(basis: str, endianness: Endianness = Endianness.BIG) -> int:
|
@@ -154,11 +154,17 @@ def format_number(x: float | complex, num_digits: int = 3) -> str:
|
|
154
154
|
raise ValueError(f"Unknown number type: {type(x)}")
|
155
155
|
|
156
156
|
|
157
|
-
def format_parameter(p: sympy.Basic) -> str:
|
157
|
+
def format_parameter(p: sympy.Basic, num_digits: int = 3) -> str:
|
158
|
+
"""Format numerical values within a sympy expression."""
|
159
|
+
|
158
160
|
def round_expr(expr: sympy.Basic, num_digits: int) -> sympy.Basic:
|
159
161
|
return expr.xreplace({n: round(n, num_digits) for n in expr.atoms(sympy.Number)})
|
160
162
|
|
161
|
-
|
163
|
+
expr = round_expr(p, num_digits)
|
164
|
+
conv_str = str(expr)
|
165
|
+
if expr.is_real and len(conv_str) > num_digits + 2:
|
166
|
+
conv_str = conv_str[0 : num_digits + 2]
|
167
|
+
return conv_str
|
162
168
|
|
163
169
|
|
164
170
|
def print_sympy_expr(expr: sympy.Expr, num_digits: int = 3) -> str:
|
@@ -1,8 +1,8 @@
|
|
1
1
|
Metadata-Version: 2.3
|
2
2
|
Name: qadence
|
3
|
-
Version: 1.
|
3
|
+
Version: 1.6.0
|
4
4
|
Summary: Pasqal interface for circuit-based quantum computing SDKs
|
5
|
-
Author-email: Aleksander Wennersteen <aleksander.wennersteen@pasqal.com>, Gert-Jan Both <gert-jan.both@pasqal.com>, Niklas Heim <niklas.heim@pasqal.com>, Mario Dagrada <mario.dagrada@pasqal.com>, Vincent Elfving <vincent.elfving@pasqal.com>, Dominik Seitz <dominik.seitz@pasqal.com>, Roland Guichard <roland.guichard@pasqal.com>, "Joao P. Moutinho" <joao.moutinho@pasqal.com>, Vytautas Abramavicius <vytautas.abramavicius@pasqal.com>, Gergana Velikova <gergana.velikova@pasqal.com>
|
5
|
+
Author-email: Aleksander Wennersteen <aleksander.wennersteen@pasqal.com>, Gert-Jan Both <gert-jan.both@pasqal.com>, Niklas Heim <niklas.heim@pasqal.com>, Mario Dagrada <mario.dagrada@pasqal.com>, Vincent Elfving <vincent.elfving@pasqal.com>, Dominik Seitz <dominik.seitz@pasqal.com>, Roland Guichard <roland.guichard@pasqal.com>, "Joao P. Moutinho" <joao.moutinho@pasqal.com>, Vytautas Abramavicius <vytautas.abramavicius@pasqal.com>, Gergana Velikova <gergana.velikova@pasqal.com>, Eduardo Maschio <eduardo.maschio@pasqal.com>
|
6
6
|
License: Apache 2.0
|
7
7
|
License-File: LICENSE
|
8
8
|
Classifier: License :: OSI Approved :: Apache Software License
|
@@ -11,29 +11,37 @@ Classifier: Programming Language :: Python :: 3
|
|
11
11
|
Classifier: Programming Language :: Python :: 3.9
|
12
12
|
Classifier: Programming Language :: Python :: 3.10
|
13
13
|
Classifier: Programming Language :: Python :: 3.11
|
14
|
+
Classifier: Programming Language :: Python :: 3.12
|
14
15
|
Classifier: Programming Language :: Python :: Implementation :: CPython
|
15
16
|
Classifier: Programming Language :: Python :: Implementation :: PyPy
|
16
|
-
Requires-Python:
|
17
|
+
Requires-Python: >=3.9
|
18
|
+
Requires-Dist: arpeggio==2.0.2
|
17
19
|
Requires-Dist: deepdiff
|
18
20
|
Requires-Dist: jsonschema
|
19
21
|
Requires-Dist: matplotlib
|
20
22
|
Requires-Dist: nevergrad
|
21
23
|
Requires-Dist: numpy
|
22
24
|
Requires-Dist: openfermion
|
23
|
-
Requires-Dist: pyqtorch==1.1.
|
25
|
+
Requires-Dist: pyqtorch==1.1.2
|
26
|
+
Requires-Dist: pyyaml
|
24
27
|
Requires-Dist: rich
|
25
28
|
Requires-Dist: scipy
|
26
29
|
Requires-Dist: sympytorch>=0.1.2
|
27
30
|
Requires-Dist: tensorboard>=2.12.0
|
28
31
|
Requires-Dist: torch
|
29
32
|
Provides-Extra: all
|
30
|
-
Requires-Dist: amazon-braket-sdk; extra == 'all'
|
33
|
+
Requires-Dist: amazon-braket-sdk<1.71.2; extra == 'all'
|
31
34
|
Requires-Dist: graphviz; extra == 'all'
|
32
35
|
Requires-Dist: libs; extra == 'all'
|
36
|
+
Requires-Dist: pasqal-cloud==0.8.1; extra == 'all'
|
33
37
|
Requires-Dist: protocols; extra == 'all'
|
34
|
-
Requires-Dist: pulser
|
38
|
+
Requires-Dist: pulser-core==0.18.0; extra == 'all'
|
39
|
+
Requires-Dist: pulser-simulation==0.18.0; extra == 'all'
|
35
40
|
Provides-Extra: braket
|
36
|
-
Requires-Dist: amazon-braket-sdk
|
41
|
+
Requires-Dist: amazon-braket-sdk<1.71.2; extra == 'braket'
|
42
|
+
Provides-Extra: dlprof
|
43
|
+
Requires-Dist: nvidia-dlprof[pytorch]; extra == 'dlprof'
|
44
|
+
Requires-Dist: nvidia-pyindex; extra == 'dlprof'
|
37
45
|
Provides-Extra: horqrux
|
38
46
|
Requires-Dist: einops; extra == 'horqrux'
|
39
47
|
Requires-Dist: flax; extra == 'horqrux'
|
@@ -47,25 +55,28 @@ Requires-Dist: qadence-libs; extra == 'libs'
|
|
47
55
|
Provides-Extra: protocols
|
48
56
|
Requires-Dist: qadence-protocols; extra == 'protocols'
|
49
57
|
Provides-Extra: pulser
|
50
|
-
Requires-Dist: pasqal-cloud
|
51
|
-
Requires-Dist: pulser
|
58
|
+
Requires-Dist: pasqal-cloud==0.8.1; extra == 'pulser'
|
59
|
+
Requires-Dist: pulser-core==0.18.0; extra == 'pulser'
|
60
|
+
Requires-Dist: pulser-simulation==0.18.0; extra == 'pulser'
|
52
61
|
Provides-Extra: visualization
|
53
62
|
Requires-Dist: graphviz; extra == 'visualization'
|
54
63
|
Description-Content-Type: text/markdown
|
55
64
|
|
56
|
-
<
|
57
|
-
<
|
58
|
-
|
59
|
-
|
60
|
-
|
65
|
+
<p align="center">
|
66
|
+
<picture>
|
67
|
+
<source media="(prefers-color-scheme: dark)" srcset="./docs/extras/assets/logo/qadence_logo_white.svg" width="75%">
|
68
|
+
<source media="(prefers-color-scheme: light)" srcset="./docs/extras/assets/logo/qadence_logo.svg" width="75%">
|
69
|
+
<img alt="Qadence logo" src="./docs/assets/logo/qadence_logo.svg" width="75%">
|
70
|
+
</picture>
|
71
|
+
</p>
|
72
|
+
|
73
|
+
**Qadence** is a Python package that provides a simple interface to build **digital-analog quantum
|
74
|
+
programs** with tunable qubit interactions and arbitrary register topologies realizable on neutral atom devices.
|
61
75
|
|
62
76
|
**For a high-level overview of Qadence features, [check out our white paper](https://arxiv.org/abs/2401.09915).**
|
63
77
|
|
64
78
|
**For more detailed information, [check out the documentation](https://pasqal-io.github.io/qadence/latest/).**
|
65
79
|
|
66
|
-
**Qadence** is a Python package that provides a simple interface to build _**digital-analog quantum
|
67
|
-
programs**_ with tunable qubit interaction defined on _**arbitrary register topologies**_ realizable on neutral atom devices.
|
68
|
-
|
69
80
|
[](https://github.com/pasqal-io/qadence/actions/workflows/lint.yml)
|
70
81
|
[](https://github.com/pasqal-io/qadence/actions/workflows/test_fast.yml)
|
71
82
|
[](https://pasqal-io.github.io/qadence/latest)
|
@@ -74,27 +85,26 @@ programs**_ with tunable qubit interaction defined on _**arbitrary register topo
|
|
74
85
|
|
75
86
|
## Feature highlights
|
76
87
|
|
77
|
-
<
|
78
|
-
<
|
79
|
-
|
80
|
-
|
81
|
-
|
82
|
-
|
88
|
+
<p align="center">
|
89
|
+
<picture>
|
90
|
+
<source media="(prefers-color-scheme: dark)" srcset="./docs/extras/assets/qadence_arch.svg" width="75%">
|
91
|
+
<source media="(prefers-color-scheme: light)" srcset="./docs/extras/assets/qadence_arch.svg" width="75%">
|
92
|
+
<img alt="Qadence architecture" src="./docs/assets/qadence_arch.svg" width="75%">
|
93
|
+
</picture>
|
94
|
+
<p align="center">
|
83
95
|
|
84
|
-
* A [block-based system](docs/
|
96
|
+
* A [block-based system](docs/content/block_system.md) for composing _**complex digital-analog
|
85
97
|
programs**_ in a flexible and scalable manner, inspired by the Julia quantum SDK
|
86
98
|
[Yao.jl](https://github.com/QuantumBFS/Yao.jl) and functional programming concepts.
|
87
99
|
|
88
|
-
*
|
89
|
-
using [arbitrary registers topologies](docs/tutorials/register.md).
|
90
|
-
|
91
|
-
* An intuitive [expression-based system](docs/tutorials/parameters.md) developed on top of the symbolic library [Sympy](https://www.sympy.org/en/index.html) to construct _**parametric quantum programs**_ easily.
|
92
|
-
|
93
|
-
* [High-order generalized parameter shift rules](docs/advanced_tutorials/differentiability.md) for _**differentiating parametrized quantum operations**_.
|
100
|
+
* An intuitive [expression-based system](docs/content/parameters.md) developed on top of the symbolic library [Sympy](https://www.sympy.org/en/index.html) to construct _**parametric quantum programs**_ easily.
|
94
101
|
|
95
102
|
* Out-of-the-box _**automatic differentiability**_ of quantum programs with [PyTorch](https://pytorch.org/) integration.
|
96
103
|
|
97
|
-
*
|
104
|
+
* [High-order generalized parameter shift rules](docs/tutorials/advanced_tutorials/differentiability.md) for _**differentiating parametrized quantum operations**_.
|
105
|
+
|
106
|
+
* A [simple interface](docs/tutorials/digital_analog_qc/analog-basics.md) to work with _**interacting neutral-atom qubit systems**_
|
107
|
+
using [arbitrary registers topologies](docs/content/register.md).
|
98
108
|
|
99
109
|
## Installation guide
|
100
110
|
|
@@ -106,11 +116,10 @@ pip install qadence
|
|
106
116
|
|
107
117
|
The default, pre-installed backend for Qadence is [PyQTorch](https://github.com/pasqal-io/pyqtorch), a differentiable state vector simulator for digital-analog simulation based on `PyTorch`. It is possible to install additional, `PyTorch` -based backends and the circuit visualization library using the following extras:
|
108
118
|
|
109
|
-
* `pulser`: The [Pulser](https://github.com/pasqal-io/Pulser) backend for composing, simulating and executing pulse sequences for neutral-atom quantum devices.
|
110
|
-
* `braket`: The [Braket](https://github.com/amazon-braket/amazon-braket-sdk-python) backend, an open source library that provides a framework for interacting with quantum computing hardware devices through Amazon Braket.
|
111
119
|
* `visualization`: A visualization library to display quantum circuit diagrams.
|
112
120
|
* `protocols`: A collection of [protocols](https://github.com/pasqal-io/qadence-protocols) for error mitigation in Qadence.
|
113
121
|
* `libs`: A collection of [functionalities](https://github.com/pasqal-io/qadence-libs) for graph machine learning problems build on top of Qadence.
|
122
|
+
* `pulser`: The [Pulser](https://github.com/pasqal-io/Pulser) backend for composing, simulating and executing pulse sequences for neutral-atom quantum devices (experimental).
|
114
123
|
|
115
124
|
Qadence also supports a `JAX` engine which is currently supporting the [Horqrux](https://github.com/pasqal-io/horqrux) backend. `horqrux` is currently only available via the [low-level API](examples/backends/low_level/horqrux_backend.py).
|
116
125
|
|
@@ -118,7 +127,7 @@ Qadence also supports a `JAX` engine which is currently supporting the [Horqrux]
|
|
118
127
|
To install individual extras, use the following syntax (**IMPORTANT** Make sure to use quotes):
|
119
128
|
|
120
129
|
```bash
|
121
|
-
pip install "qadence[
|
130
|
+
pip install "qadence[pulser,visualization]"
|
122
131
|
```
|
123
132
|
|
124
133
|
To install all available extras, simply do:
|
@@ -144,10 +153,10 @@ conda install python-graphviz
|
|
144
153
|
|
145
154
|
## Contributing
|
146
155
|
|
147
|
-
Before making a contribution, please review our [code of conduct](docs/CODE_OF_CONDUCT.md).
|
156
|
+
Before making a contribution, please review our [code of conduct](docs/getting_started/CODE_OF_CONDUCT.md).
|
148
157
|
|
149
158
|
- **Submitting Issues:** To submit bug reports or feature requests, please use our [issue tracker](https://github.com/pasqal-io/qadence/issues).
|
150
|
-
- **Developing in qadence:** To learn more about how to develop within `qadence`, please refer to [contributing guidelines](docs/CONTRIBUTING.md).
|
159
|
+
- **Developing in qadence:** To learn more about how to develop within `qadence`, please refer to [contributing guidelines](docs/getting_started/CONTRIBUTING.md).
|
151
160
|
|
152
161
|
### Setting up qadence in development mode
|
153
162
|
|
@@ -1,23 +1,25 @@
|
|
1
|
-
qadence/__init__.py,sha256
|
2
|
-
qadence/backend.py,sha256=
|
3
|
-
qadence/circuit.py,sha256=
|
4
|
-
qadence/decompose.py,sha256=
|
1
|
+
qadence/__init__.py,sha256=LY5QUBt19J4PNAXsDa8w-ClsAXyoAUi1lqzDgsGjemY,2640
|
2
|
+
qadence/backend.py,sha256=TTzWEHEyOg7EH02IBiDkhE-Uwtj0fSLNMvQ48qtAcOk,14401
|
3
|
+
qadence/circuit.py,sha256=3lQdjj_srxgk6f5M3eh3kE-Qdov4FA9TZxZZb0E1_mI,6966
|
4
|
+
qadence/decompose.py,sha256=C4LYia_GcC9Rx3QO0ZLWTI9dN63a8WTEAXO0ZVQWuiE,5221
|
5
5
|
qadence/divergences.py,sha256=JhpELhWSnuDvQxa9hJp_DE3EQg2Ban-Ta0mHZ_fVrHg,1832
|
6
6
|
qadence/execution.py,sha256=5_P5OSatiwEAu7aAkCLau5VcmtIZiC3VFIj5YYdwAbY,9287
|
7
|
-
qadence/extensions.py,sha256=
|
7
|
+
qadence/extensions.py,sha256=qly8STovIr_tB9yJSlIjkaYfKFY-1VLto-Zqq0RdLAw,4247
|
8
8
|
qadence/finitediff.py,sha256=TijuaWUbX9VlbLyMYco6HkK9eCoRTVnKug4Ekd6mlTI,1592
|
9
9
|
qadence/libs.py,sha256=HetkKO8TCTlVCViQdVQJvxwBekrhd-y_iMox4UJMY1M,410
|
10
|
-
qadence/
|
10
|
+
qadence/log_config.yaml,sha256=WwSpxqMSXgPJ7wO_wh46UnFzXdgX9NVA4MbN3TcJFyE,485
|
11
|
+
qadence/logger.py,sha256=Hb76pK3VyQjVjJb4_NqFlOJgjYJVa8t7DHJFlzOM86M,407
|
11
12
|
qadence/overlap.py,sha256=3vsg0HLOO3X8LiVgvjSc5s-cs8Di4TpEA657LWZ5HEY,17294
|
12
|
-
qadence/parameters.py,sha256=
|
13
|
+
qadence/parameters.py,sha256=9BuEt2MZRwxhmPZHVPLt-GF1ZUgXkmg63owgDiJa74U,12325
|
13
14
|
qadence/protocols.py,sha256=bcYTxSjgMPV-a-D6yv90jCpnGik8myzaNpFv9z1gzJ0,442
|
14
15
|
qadence/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
15
16
|
qadence/qubit_support.py,sha256=Nkn1Q01RVViTcggSIom7EFKdWpAuM4TMGwBZ5feCUxA,2120
|
16
17
|
qadence/register.py,sha256=cBMzwZ7GWZ5ieuFt0bpproEI6a2ncNwfjj7ic379zyg,10276
|
17
|
-
qadence/
|
18
|
+
qadence/serial_expr_grammar.peg,sha256=z5ytL7do9kO8o4h-V5GrsDuLdso0KsRcMuIYURFfmAY,328
|
19
|
+
qadence/serialization.py,sha256=0UdcDQP2tJOtygVQI258G3MgnDiZJmBY4o15w0G-O0Y,15686
|
18
20
|
qadence/states.py,sha256=_J__vZuDPsKqKDFSCfgWxSNY2Ho6cCqTHjJ9-gMtd8M,14341
|
19
|
-
qadence/types.py,sha256=
|
20
|
-
qadence/utils.py,sha256=
|
21
|
+
qadence/types.py,sha256=wsxZNik5d8xdw46Dp1xRHpVS1-mSM-kMl2J_W64UhgA,9732
|
22
|
+
qadence/utils.py,sha256=Y-Xc7zP6DOZDwn7QI43qA4670-n8yuCK01pG4BpypSI,9056
|
21
23
|
qadence/analog/__init__.py,sha256=BCyS9R4KUjzUXN0Ax3b0eMo8ZAuSkGoJQVtZ4_pvAFs,279
|
22
24
|
qadence/analog/addressing.py,sha256=fu5-xW9lquEbagApNp23S_ET1kl0iDtZUrIYSVNmw9s,6435
|
23
25
|
qadence/analog/constants.py,sha256=B2phQoN1ASL8CwM-Dsa1rbraYwGwwPSeiB3HbVe-MPA,1243
|
@@ -25,55 +27,55 @@ qadence/analog/device.py,sha256=RmPXWxq77pJXzvV6CIVSUVxxy-oKd6SqoSnQESNLIqg,2412
|
|
25
27
|
qadence/analog/hamiltonian_terms.py,sha256=9LKidqqEMJTTdXeaxkxP_otTmcv9i4yeJ-JKCLOCK3Y,3421
|
26
28
|
qadence/analog/parse_analog.py,sha256=ppvMZtsKXOIkIehCgjbdmG9n232DIycSanyuyVth5Wg,4223
|
27
29
|
qadence/backends/__init__.py,sha256=ibm7wmZxuIoMYAQxgAx0MsfLYWOVHNWgLwyS1HjMuuI,215
|
28
|
-
qadence/backends/adjoint.py,sha256=
|
30
|
+
qadence/backends/adjoint.py,sha256=0NF7dFwjYWF-p3IwVdKjm7GaX9TO2CvfJiWiVzwSqNI,6946
|
29
31
|
qadence/backends/api.py,sha256=6PoK4ydhi2tj9w0ePMQl1G4kEFROoWe3lrkrtQwWxkc,3224
|
30
|
-
qadence/backends/gpsr.py,sha256=
|
32
|
+
qadence/backends/gpsr.py,sha256=MapXSAw-9JwJbVaGRlCvw2ltUNLtbOtmLBxxw0-kr-E,4283
|
31
33
|
qadence/backends/jax_utils.py,sha256=VfKhqCKknHDWZO21UFipWH_Lkiq175Z5GkP49gWjbyw,5038
|
32
34
|
qadence/backends/utils.py,sha256=hnV9AXztMvAPcO8mv9UhdGMbS9albiMQBxlYPgLrD68,6490
|
33
35
|
qadence/backends/braket/__init__.py,sha256=eruyDZKMqkh1LE7eJ980vcrLJbia35uUX6krAP78clI,121
|
34
|
-
qadence/backends/braket/backend.py,sha256=
|
35
|
-
qadence/backends/braket/config.py,sha256=
|
36
|
+
qadence/backends/braket/backend.py,sha256=WX5FG4WsrtdnG0at2DvIY0n_AFm44t4g5OIJ1e8r6fQ,8752
|
37
|
+
qadence/backends/braket/config.py,sha256=7cu22dmYdp48Fu760HPfxBHinaUnGmzx9MkE_EPhVN8,594
|
36
38
|
qadence/backends/braket/convert_ops.py,sha256=DVXV7sT9sX_yGOgPKclD9KIGgmbBRuDy_e39i1Z8I1s,3417
|
37
39
|
qadence/backends/horqrux/__init__.py,sha256=0OdVy6cq0oQggV48LO1WXdaZuSkDkz7OYNEPIkNAmfk,140
|
38
|
-
qadence/backends/horqrux/backend.py,sha256=
|
39
|
-
qadence/backends/horqrux/config.py,sha256=
|
40
|
+
qadence/backends/horqrux/backend.py,sha256=SxelrhCELJ0lJcThOCtMVyV-LjyzxZ7t-U4l_9Tmupw,9421
|
41
|
+
qadence/backends/horqrux/config.py,sha256=xz7JlUcwW_4JAbvProbSI9hA1SXZRRAN0Hr2bvmLzfg,892
|
40
42
|
qadence/backends/horqrux/convert_ops.py,sha256=nzfYF0yjB7zwaHCEXWZUUYDfz38Yi22xF2zDRFaOwR0,8564
|
41
43
|
qadence/backends/pulser/__init__.py,sha256=capQ-eHqwtOeLf4mWsI0BIseAHhiLGie5cFD4-iVhUo,116
|
42
|
-
qadence/backends/pulser/backend.py,sha256=
|
44
|
+
qadence/backends/pulser/backend.py,sha256=3n0ytKVIxjz3T29AbfCxvEEsrfg3wG0ir3z5Sq2ga7A,15028
|
43
45
|
qadence/backends/pulser/channels.py,sha256=ZF0yEXUFHAmi3IdeXjzdTNGR5NzaRRFTiUpUGVg2sO4,329
|
44
46
|
qadence/backends/pulser/cloud.py,sha256=0uUluvbFV9sOuCPraE-9uiVtC3Q8QaDY1IJMDi8grDM,2057
|
45
|
-
qadence/backends/pulser/config.py,sha256=
|
47
|
+
qadence/backends/pulser/config.py,sha256=aoHDmtgq5i0Zryxenw_p3uARY0B1w-UaYvfqDmrWHM0,2175
|
46
48
|
qadence/backends/pulser/convert_ops.py,sha256=0HGWe5kIwI1ZALHf2j68B8aBOhwFNZV-mDy1_6zsF5g,1227
|
47
49
|
qadence/backends/pulser/devices.py,sha256=DermLZNfmCB3SqteKVW4uhg4jp6ya1G6ptnXbBnJogI,2448
|
48
|
-
qadence/backends/pulser/pulses.py,sha256=
|
50
|
+
qadence/backends/pulser/pulses.py,sha256=F4fExIRAhLPMtVg1bhNtDihUYHxu5RExGjovk8-CQIo,11884
|
49
51
|
qadence/backends/pulser/waveforms.py,sha256=0uz95b7rUaUUtN0tuHBZmJ0H6UBmfHST_59ozwsRCzg,2227
|
50
52
|
qadence/backends/pyqtorch/__init__.py,sha256=0OdVy6cq0oQggV48LO1WXdaZuSkDkz7OYNEPIkNAmfk,140
|
51
|
-
qadence/backends/pyqtorch/backend.py,sha256=
|
52
|
-
qadence/backends/pyqtorch/config.py,sha256=
|
53
|
+
qadence/backends/pyqtorch/backend.py,sha256=7CkXccCHwK3pijNDmIB_-hdRGa79yhZ3_3A2p7wOSB0,9785
|
54
|
+
qadence/backends/pyqtorch/config.py,sha256=hhea1dDAeee7uDE1fiCh4lJRS0EMSc3mmbXn92HBdyA,1898
|
53
55
|
qadence/backends/pyqtorch/convert_ops.py,sha256=By_p1-Oem8MhHYP8jx5qdut9lhDWN0xc4B9YaP0MSxA,17512
|
54
56
|
qadence/blocks/__init__.py,sha256=H6jEA_CptkE-eoB4UfSbUiDszbxxhZwECV_TgoZWXoU,960
|
55
57
|
qadence/blocks/abstract.py,sha256=35RcVlNvD1BmBoJ8bbYJ3LrdU72wixt9ZmTbCtEwNus,11796
|
56
58
|
qadence/blocks/analog.py,sha256=ymnnlSVoW1XL05ZvnnHCqRTHuOXIEY_7E9M0PNKJZy4,10812
|
57
|
-
qadence/blocks/block_to_tensor.py,sha256=
|
59
|
+
qadence/blocks/block_to_tensor.py,sha256=VleicLSyn8kLFoRKGMmcaj1DKpLIyMFZSC3zahr4Evo,17362
|
58
60
|
qadence/blocks/composite.py,sha256=z_lXRBVnh-DdvfZdv6T0ZEmVhlU76zBt72P_FGGa-PQ,8897
|
59
61
|
qadence/blocks/embedding.py,sha256=TQt620UIVaNYHP34tpK9slv-PFiLvTQRYw5Ez9RuImE,6513
|
60
62
|
qadence/blocks/manipulate.py,sha256=kPmzej7mnWFoqTJA2CkGulT7hcPha0GGPARC8rjZltg,2387
|
61
|
-
qadence/blocks/matrix.py,sha256=
|
63
|
+
qadence/blocks/matrix.py,sha256=WTByjt_0yf3OiK-OcJNEfSGO8Hyq_tIBlklSO_BtOb0,3776
|
62
64
|
qadence/blocks/primitive.py,sha256=fC5ItpA-52LOiGPT1ERM4RshP6PQlkxlgR9p2J0Rgz4,16631
|
63
|
-
qadence/blocks/utils.py,sha256=
|
64
|
-
qadence/constructors/__init__.py,sha256=
|
65
|
-
qadence/constructors/ansatze.py,sha256=
|
66
|
-
qadence/constructors/feature_maps.py,sha256=
|
67
|
-
qadence/constructors/hamiltonians.py,sha256=
|
65
|
+
qadence/blocks/utils.py,sha256=iCJDi6HTYYaQQCoP3cdIKeCDuy8KQCxctrHN5QWXV-M,16349
|
66
|
+
qadence/constructors/__init__.py,sha256=PWfSKcEJmo5azIkcRuRWsmch3FOeXl055iPsboNzryQ,938
|
67
|
+
qadence/constructors/ansatze.py,sha256=bTrcF2RsyA_Btmkk80tWxP1dn9fK_SXAQFueIuWkT-c,9660
|
68
|
+
qadence/constructors/feature_maps.py,sha256=BaAxFi6fSKwjsfFjqZ8T7lyZfjotcgH2OW3b0j67YVk,8644
|
69
|
+
qadence/constructors/hamiltonians.py,sha256=QMYHKLWadj-jVTYGkojGAsy-06A8or6OyQrwE7xXa8M,8738
|
68
70
|
qadence/constructors/iia.py,sha256=z-4AA9Oj-j2oZ0QDkLYNk4duS3UHY_98Qwt9VO_ZDDU,7001
|
69
71
|
qadence/constructors/qft.py,sha256=2LpgQ-z1HUxB3rqHzYsbjqpdU63gyuuaUVCbNEFbjo8,7688
|
70
|
-
qadence/constructors/rydberg_feature_maps.py,sha256=
|
72
|
+
qadence/constructors/rydberg_feature_maps.py,sha256=RuXtuAhjpong78jpKUjZHdh4fOdHBnuht1ffoAMWdEE,4839
|
71
73
|
qadence/constructors/rydberg_hea.py,sha256=GrIrboyjEe1fJEbhtRYeCZ5dYzDVpMt-SQucS9UyNtw,8372
|
72
74
|
qadence/constructors/utils.py,sha256=ozcuu_pTWcuntYUqrMBwcAxHp6-CVs38uifVoD-pljY,3080
|
73
75
|
qadence/constructors/daqc/__init__.py,sha256=50_4Ak32d5A4CZeR65l0s-0lUsxgKerWNDK7GDmkNY4,140
|
74
|
-
qadence/constructors/daqc/daqc.py,sha256=
|
75
|
-
qadence/constructors/daqc/gen_parser.py,sha256=
|
76
|
-
qadence/constructors/daqc/utils.py,sha256=
|
76
|
+
qadence/constructors/daqc/daqc.py,sha256=LSeZBDGueI55Iwh-N9jz4XRvQNCjOMfL_sy14IV0jns,9914
|
77
|
+
qadence/constructors/daqc/gen_parser.py,sha256=taZMJ9BNp672qXqsNSQ8RY71tN2gMV4Rbgbm66Mza7w,3813
|
78
|
+
qadence/constructors/daqc/utils.py,sha256=1T83veISoOXhJYUWXhfocbISpfIgsrKrdDHCMbskGoQ,1067
|
77
79
|
qadence/draw/__init__.py,sha256=A2lU7_CfCjwZCnMRojG5CsoWm-7aWKpUYGyaJ9qBZIQ,2319
|
78
80
|
qadence/draw/themes.py,sha256=VV4YtC8X3UI63AuJO2D0fLMTLbdDUjIyXQcKuDuIVmI,5533
|
79
81
|
qadence/draw/utils.py,sha256=xsSogG76DYRLLetR0u7bDR66UTbDDPFok4YplFXYcso,12108
|
@@ -89,7 +91,7 @@ qadence/engines/jax/differentiable_backend.py,sha256=W5rDA8wb-ECnFWoLj4dVugF9v1l
|
|
89
91
|
qadence/engines/jax/differentiable_expectation.py,sha256=XBYHT1XKRuZfKxTcNy8KJpSDPt-2PR4ZCanImCPI9OI,3677
|
90
92
|
qadence/engines/torch/__init__.py,sha256=iZFdD32ot0B0CVyC-f5dVViOBnqoalxa6M9Lj4WQuPE,160
|
91
93
|
qadence/engines/torch/differentiable_backend.py,sha256=AWthwvKE8pCOih4dZ3tXxQX4W1ps9mBcvo7n4V9V24Y,3553
|
92
|
-
qadence/engines/torch/differentiable_expectation.py,sha256=
|
94
|
+
qadence/engines/torch/differentiable_expectation.py,sha256=fgWRxozb8OL1yRmHSZeltViYAwFq6DogarnUinV6jbQ,9607
|
93
95
|
qadence/exceptions/__init__.py,sha256=BU6vWrI9mshzr1aTPm1Ticr_o_42GjTrWI4OZXhThsI,203
|
94
96
|
qadence/exceptions/exceptions.py,sha256=4j_VJpx2sZ2Mir5BJUWu4nwb131FY1ygO4q8-XlyfRc,190
|
95
97
|
qadence/measurements/__init__.py,sha256=RIjG9tVJMqhNzyj7maZI250Um0KgHl2PizDcKJag-JU,161
|
@@ -105,36 +107,36 @@ qadence/mitigations/readout.py,sha256=HPfYmdjRlieUdOBMZTghFK4DRWfveM4KkDkEI0bMI0
|
|
105
107
|
qadence/ml_tools/__init__.py,sha256=_H5A_BWZRZVGoJszb9s8XRJnLnJxUNfYjuT9HT2yASo,786
|
106
108
|
qadence/ml_tools/config.py,sha256=X8dHyjq4D9-ITjs7UQo0vjJTcHkpbZC0gChH5eEN2G8,2356
|
107
109
|
qadence/ml_tools/data.py,sha256=8ZUFjhQSp94w7icX7RzM2J39Yo7P_T-AgjcThBc8miI,4283
|
108
|
-
qadence/ml_tools/models.py,sha256
|
110
|
+
qadence/ml_tools/models.py,sha256=lELcq__wfGsurUm2UOgYkOzdBDwu66Nik9ySoAjDKnY,12673
|
109
111
|
qadence/ml_tools/optimize_step.py,sha256=ATXWmAqybJVK3QmAaDqVXB5mxjTo2MIi_e0a5WSPFpc,1800
|
110
112
|
qadence/ml_tools/parameters.py,sha256=gew2Kq_5-RgRpaTvs8eauVhgo0sTqqDQEV6WHFEiLGM,1301
|
111
113
|
qadence/ml_tools/printing.py,sha256=kwwD9yLVqezaqWX5OAsXr8GLdJUnGrY-t5SnoKHtl9g,707
|
112
|
-
qadence/ml_tools/saveload.py,sha256=
|
114
|
+
qadence/ml_tools/saveload.py,sha256=ZjG1dvJvJpSgEIj6Ln-ogDX2fjuM51YaZiter7NU6H0,4946
|
113
115
|
qadence/ml_tools/tensors.py,sha256=xZ9ZRzOqEaMgLUGWQf1najDmL6iLuN1ojCGVFs1Tm94,1337
|
114
|
-
qadence/ml_tools/train_grad.py,sha256=
|
115
|
-
qadence/ml_tools/train_no_grad.py,sha256=
|
116
|
+
qadence/ml_tools/train_grad.py,sha256=wBrWyYzV2U9iJ4Q2xaNiHEEfAl55wqhQ9ljHIPA0rXA,7724
|
117
|
+
qadence/ml_tools/train_no_grad.py,sha256=PrOfPwu6C-YqfFxnRkbeyOQzqSyjRrx4AZZd6C-1xRw,4705
|
116
118
|
qadence/ml_tools/utils.py,sha256=_GZSN5Flk1nRFutkXih397Q3cWKdX0UP8c9CRXpUL7c,1654
|
117
119
|
qadence/models/__init__.py,sha256=0nZzAC2TGr8Yuf40-R7m2cSsr_BlNq_GsMOwaOYZLqM,193
|
118
120
|
qadence/models/qnn.py,sha256=gc_iC1GG6WJbeLaln9jy4yYp9fY0p8fkpKkKJpXJ3ck,10397
|
119
|
-
qadence/models/quantum_model.py,sha256=
|
121
|
+
qadence/models/quantum_model.py,sha256=RcKdkWX0dQaYuJiZbJ1WUYpLKmlJLiUglWV0Gv0-DIo,14417
|
120
122
|
qadence/noise/__init__.py,sha256=r0nR8uEZeB1M9pI2UisjWq0bjw50fPFfVGzIMev923g,147
|
121
123
|
qadence/noise/protocols.py,sha256=-aZ06JvMnpxCeT5v5lI_RNPOLbb9Ju1Pi1AB6uAXxVE,1653
|
122
|
-
qadence/noise/readout.py,sha256=
|
123
|
-
qadence/operations/__init__.py,sha256=
|
124
|
-
qadence/operations/analog.py,sha256=
|
125
|
-
qadence/operations/control_ops.py,sha256=
|
126
|
-
qadence/operations/ham_evo.py,sha256=
|
127
|
-
qadence/operations/parametric.py,sha256=
|
128
|
-
qadence/operations/primitive.py,sha256=
|
124
|
+
qadence/noise/readout.py,sha256=UpUdxaGu09SmqKXn0O7RYfF7b7UcRZiNMfDlpY0weV0,6726
|
125
|
+
qadence/operations/__init__.py,sha256=HAAo9VZUTq2H7kcEarChTgTWCIq7LT25-xBxkwE0F9c,1922
|
126
|
+
qadence/operations/analog.py,sha256=v11DSrg-XUbwIAWAWM43y3VQbYKsx2ynx-HimUoC-x0,7435
|
127
|
+
qadence/operations/control_ops.py,sha256=ZDOmTXxQJXSP2ASNWNUlt7pIuEjAVNT2FmexbK_TisM,9484
|
128
|
+
qadence/operations/ham_evo.py,sha256=u8ZuEycES_TjZTyIRC_qRDAUQUH9hNvnZLLnO7aBMyc,7391
|
129
|
+
qadence/operations/parametric.py,sha256=BHGGn8k7hIZX8_0V1K1_FOnILAROEtqZGjBdIfzMcWI,4911
|
130
|
+
qadence/operations/primitive.py,sha256=ekiylIW7mWjesBXVyVmowF75Ek82T_eNUVcDTEAGzFg,9002
|
129
131
|
qadence/transpile/__init__.py,sha256=lb5LwsYb6lN5YFBsU3YBey7-0OcUQpYa3Q4hG6zmgi0,457
|
130
132
|
qadence/transpile/apply_fn.py,sha256=glZo2_wMOjw7_KgWKYbqg8j-9SDs-RefWIfxWgdQK8I,1336
|
131
|
-
qadence/transpile/block.py,sha256=
|
133
|
+
qadence/transpile/block.py,sha256=jV-EyatrwwdL2ahjF3wyEhC3PKMBPLaL5sQN1VNFc_w,11582
|
132
134
|
qadence/transpile/circuit.py,sha256=KTh6Gv1czZddFuA1JhNNszheZbwViVixiGh4rGvIgTM,451
|
133
135
|
qadence/transpile/digitalize.py,sha256=iWRwYAYQsD2INHj0HNbGJriv_3fRCuBW1nDBrwtKSuI,1523
|
134
136
|
qadence/transpile/flatten.py,sha256=EdhSG5WyF56nbnxINNLqrHgY84MRM1YFjT3fR4aph5Q,3427
|
135
137
|
qadence/transpile/invert.py,sha256=KAefHTG2AWr39aengVhXrzCtJPhrZC-ZnL6vYvmbnY0,4867
|
136
138
|
qadence/transpile/transpile.py,sha256=6MRRkk1OS279L1fwUQjazA6qlfpbd-T_EJMKT8hAhOU,2721
|
137
|
-
qadence-1.
|
138
|
-
qadence-1.
|
139
|
-
qadence-1.
|
140
|
-
qadence-1.
|
139
|
+
qadence-1.6.0.dist-info/METADATA,sha256=T3KtrCaUGRmSBxawR1QrU5yoM8NMKJv4_n18kC7sKo4,9302
|
140
|
+
qadence-1.6.0.dist-info/WHEEL,sha256=zEMcRr9Kr03x1ozGwg5v9NQBKn3kndp6LSoSlVg-jhU,87
|
141
|
+
qadence-1.6.0.dist-info/licenses/LICENSE,sha256=z8d0m5b2O9McPEK1xHG_dWgUBT6EfBDz6wA0F7xSPTA,11358
|
142
|
+
qadence-1.6.0.dist-info/RECORD,,
|
File without changes
|