cirq-core 1.6.0.dev20250612013443__py3-none-any.whl → 1.6.0.dev20250613205825__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.
Potentially problematic release.
This version of cirq-core might be problematic. Click here for more details.
- cirq/__init__.py +8 -10
- cirq/_compat_test.py +1 -1
- cirq/_version.py +1 -1
- cirq/_version_test.py +1 -1
- cirq/circuits/circuit_operation_test.py +1 -1
- cirq/circuits/moment.py +0 -1
- cirq/contrib/acquaintance/bipartite_test.py +1 -1
- cirq/contrib/acquaintance/executor_test.py +1 -1
- cirq/contrib/acquaintance/shift.py +1 -1
- cirq/contrib/graph_device/graph_device.py +2 -2
- cirq/contrib/paulistring/clifford_target_gateset.py +1 -1
- cirq/contrib/qcircuit/qcircuit_test.py +2 -2
- cirq/contrib/routing/swap_network_test.py +1 -1
- cirq/experiments/__init__.py +1 -1
- cirq/interop/quirk/url_to_circuit_test.py +1 -1
- cirq/json_resolver_cache.py +1 -1
- cirq/linalg/__init__.py +4 -4
- cirq/ops/classically_controlled_operation_test.py +4 -4
- cirq/ops/eigen_gate.py +4 -4
- cirq/ops/fsim_gate_test.py +1 -1
- cirq/ops/pauli_string_test.py +1 -1
- cirq/ops/raw_types_test.py +1 -1
- cirq/ops/state_preparation_channel_test.py +1 -1
- cirq/protocols/pow_protocol.py +2 -0
- cirq/testing/__init__.py +7 -7
- cirq/transformers/__init__.py +3 -3
- cirq/transformers/analytical_decompositions/__init__.py +3 -3
- cirq/transformers/dynamical_decoupling_test.py +2 -2
- cirq/transformers/merge_k_qubit_gates_test.py +4 -2
- cirq/transformers/optimize_for_target_gateset_test.py +2 -2
- cirq/transformers/transformer_primitives_test.py +5 -4
- cirq/value/linear_dict_test.py +5 -5
- cirq/value/timestamp_test.py +2 -2
- cirq/value/value_equality_attr.py +1 -1
- {cirq_core-1.6.0.dev20250612013443.dist-info → cirq_core-1.6.0.dev20250613205825.dist-info}/METADATA +1 -1
- {cirq_core-1.6.0.dev20250612013443.dist-info → cirq_core-1.6.0.dev20250613205825.dist-info}/RECORD +39 -39
- {cirq_core-1.6.0.dev20250612013443.dist-info → cirq_core-1.6.0.dev20250613205825.dist-info}/WHEEL +0 -0
- {cirq_core-1.6.0.dev20250612013443.dist-info → cirq_core-1.6.0.dev20250613205825.dist-info}/licenses/LICENSE +0 -0
- {cirq_core-1.6.0.dev20250612013443.dist-info → cirq_core-1.6.0.dev20250613205825.dist-info}/top_level.txt +0 -0
cirq/__init__.py
CHANGED
|
@@ -130,13 +130,13 @@ from cirq.linalg import (
|
|
|
130
130
|
apply_matrix_to_slices as apply_matrix_to_slices,
|
|
131
131
|
axis_angle as axis_angle,
|
|
132
132
|
AxisAngleDecomposition as AxisAngleDecomposition,
|
|
133
|
-
bidiagonalize_real_matrix_pair_with_symmetric_products as bidiagonalize_real_matrix_pair_with_symmetric_products,
|
|
134
|
-
bidiagonalize_unitary_with_special_orthogonals as bidiagonalize_unitary_with_special_orthogonals,
|
|
133
|
+
bidiagonalize_real_matrix_pair_with_symmetric_products as bidiagonalize_real_matrix_pair_with_symmetric_products, # noqa: E501
|
|
134
|
+
bidiagonalize_unitary_with_special_orthogonals as bidiagonalize_unitary_with_special_orthogonals, # noqa: E501
|
|
135
135
|
block_diag as block_diag,
|
|
136
136
|
CONTROL_TAG as CONTROL_TAG,
|
|
137
137
|
deconstruct_single_qubit_matrix_into_angles as deconstruct_single_qubit_matrix_into_angles,
|
|
138
138
|
density_matrix_kronecker_product as density_matrix_kronecker_product,
|
|
139
|
-
diagonalize_real_symmetric_and_sorted_diagonal_matrices as diagonalize_real_symmetric_and_sorted_diagonal_matrices,
|
|
139
|
+
diagonalize_real_symmetric_and_sorted_diagonal_matrices as diagonalize_real_symmetric_and_sorted_diagonal_matrices, # noqa: E501
|
|
140
140
|
diagonalize_real_symmetric_matrix as diagonalize_real_symmetric_matrix,
|
|
141
141
|
dot as dot,
|
|
142
142
|
expand_matrix_in_orthogonal_basis as expand_matrix_in_orthogonal_basis,
|
|
@@ -165,7 +165,7 @@ from cirq.linalg import (
|
|
|
165
165
|
partial_trace as partial_trace,
|
|
166
166
|
partial_trace_of_state_vector_as_mixture as partial_trace_of_state_vector_as_mixture,
|
|
167
167
|
PAULI_BASIS as PAULI_BASIS,
|
|
168
|
-
scatter_plot_normalized_kak_interaction_coefficients as scatter_plot_normalized_kak_interaction_coefficients,
|
|
168
|
+
scatter_plot_normalized_kak_interaction_coefficients as scatter_plot_normalized_kak_interaction_coefficients, # noqa: E501
|
|
169
169
|
pow_pauli_combination as pow_pauli_combination,
|
|
170
170
|
reflection_matrix_pow as reflection_matrix_pow,
|
|
171
171
|
slice_for_qubits_equal_to as slice_for_qubits_equal_to,
|
|
@@ -351,13 +351,13 @@ from cirq.transformers import (
|
|
|
351
351
|
align_right as align_right,
|
|
352
352
|
CompilationTargetGateset as CompilationTargetGateset,
|
|
353
353
|
CZTargetGateset as CZTargetGateset,
|
|
354
|
-
compute_cphase_exponents_for_fsim_decomposition as compute_cphase_exponents_for_fsim_decomposition,
|
|
354
|
+
compute_cphase_exponents_for_fsim_decomposition as compute_cphase_exponents_for_fsim_decomposition, # noqa: E501
|
|
355
355
|
create_transformer_with_kwargs as create_transformer_with_kwargs,
|
|
356
356
|
decompose_clifford_tableau_to_operations as decompose_clifford_tableau_to_operations,
|
|
357
357
|
decompose_cphase_into_two_fsim as decompose_cphase_into_two_fsim,
|
|
358
358
|
decompose_multi_controlled_x as decompose_multi_controlled_x,
|
|
359
359
|
decompose_multi_controlled_rotation as decompose_multi_controlled_rotation,
|
|
360
|
-
decompose_two_qubit_interaction_into_four_fsim_gates as decompose_two_qubit_interaction_into_four_fsim_gates,
|
|
360
|
+
decompose_two_qubit_interaction_into_four_fsim_gates as decompose_two_qubit_interaction_into_four_fsim_gates, # noqa: E501
|
|
361
361
|
defer_measurements as defer_measurements,
|
|
362
362
|
dephase_measurements as dephase_measurements,
|
|
363
363
|
drop_empty_moments as drop_empty_moments,
|
|
@@ -408,7 +408,7 @@ from cirq.transformers import (
|
|
|
408
408
|
transformer as transformer,
|
|
409
409
|
two_qubit_matrix_to_cz_isometry as two_qubit_matrix_to_cz_isometry,
|
|
410
410
|
two_qubit_matrix_to_cz_operations as two_qubit_matrix_to_cz_operations,
|
|
411
|
-
two_qubit_matrix_to_diagonal_and_cz_operations as two_qubit_matrix_to_diagonal_and_cz_operations,
|
|
411
|
+
two_qubit_matrix_to_diagonal_and_cz_operations as two_qubit_matrix_to_diagonal_and_cz_operations, # noqa: E501
|
|
412
412
|
two_qubit_matrix_to_ion_operations as two_qubit_matrix_to_ion_operations,
|
|
413
413
|
two_qubit_matrix_to_sqrt_iswap_operations as two_qubit_matrix_to_sqrt_iswap_operations,
|
|
414
414
|
two_qubit_gate_product_tabulation as two_qubit_gate_product_tabulation,
|
|
@@ -698,8 +698,6 @@ from cirq.work import (
|
|
|
698
698
|
|
|
699
699
|
# Unflattened sub-modules.
|
|
700
700
|
|
|
701
|
-
from cirq import testing
|
|
702
|
-
|
|
703
701
|
# Registers cirq-core's public classes for JSON serialization.
|
|
704
702
|
# pylint: disable=wrong-import-position
|
|
705
703
|
from cirq.protocols.json_serialization import _register_resolver
|
|
@@ -710,6 +708,6 @@ _register_resolver(_class_resolver_dictionary)
|
|
|
710
708
|
|
|
711
709
|
# contrib's json resolver cache depends on cirq.DEFAULT_RESOLVER
|
|
712
710
|
|
|
713
|
-
from cirq import contrib
|
|
711
|
+
from cirq import contrib # noqa: E402
|
|
714
712
|
|
|
715
713
|
# pylint: enable=wrong-import-position
|
cirq/_compat_test.py
CHANGED
|
@@ -567,7 +567,7 @@ def _repeated_import_path():
|
|
|
567
567
|
"""to ensure that the highly unlikely repeated subpath import doesn't interfere"""
|
|
568
568
|
|
|
569
569
|
# pylint: disable=line-too-long
|
|
570
|
-
from cirq.testing._compat_test_data.repeated_child.cirq.testing._compat_test_data.repeated_child import ( # type: ignore
|
|
570
|
+
from cirq.testing._compat_test_data.repeated_child.cirq.testing._compat_test_data.repeated_child import ( # type: ignore # noqa: E501
|
|
571
571
|
child,
|
|
572
572
|
)
|
|
573
573
|
|
cirq/_version.py
CHANGED
cirq/_version_test.py
CHANGED
|
@@ -611,7 +611,7 @@ cirq.CircuitOperation(
|
|
|
611
611
|
cirq.measure(cirq.LineQubit(0), cirq.LineQubit(1), cirq.LineQubit(2), key=cirq.MeasurementKey(name='m')),
|
|
612
612
|
),
|
|
613
613
|
]),
|
|
614
|
-
)"""
|
|
614
|
+
)""" # noqa: E501
|
|
615
615
|
)
|
|
616
616
|
|
|
617
617
|
fc2 = cirq.FrozenCircuit(cirq.X(x), cirq.H(y), cirq.CX(y, x))
|
cirq/circuits/moment.py
CHANGED
|
@@ -45,7 +45,6 @@ if TYPE_CHECKING:
|
|
|
45
45
|
|
|
46
46
|
# Lazy imports to break circular dependencies.
|
|
47
47
|
circuit = LazyLoader("circuit", globals(), "cirq.circuits.circuit")
|
|
48
|
-
op_tree = LazyLoader("op_tree", globals(), "cirq.ops.op_tree")
|
|
49
48
|
text_diagram_drawer = LazyLoader(
|
|
50
49
|
"text_diagram_drawer", globals(), "cirq.circuits.text_diagram_drawer"
|
|
51
50
|
)
|
|
@@ -203,7 +203,7 @@ circuit_diagrams = {
|
|
|
203
203
|
│ │ │ │
|
|
204
204
|
7: ─────────────────────────────────█───1↦0───────────────────────────────────────────────█───1↦0─────────────────────────────────
|
|
205
205
|
|
|
206
|
-
""",
|
|
206
|
+
""", # noqa: E501
|
|
207
207
|
(
|
|
208
208
|
'decomposed',
|
|
209
209
|
cca.BipartiteGraphType.MATCHING,
|
|
@@ -81,7 +81,7 @@ def test_executor_explicit():
|
|
|
81
81
|
6: ───6───7───╲0╱───7───4───╱1╲───4───6───╲0╱───6───2───╱1╲───2───4───╲0╱───4───0───╱1╲───0───2───╲0╱───2───1───╱1╲───
|
|
82
82
|
│ │ │ │ │ │ │ │ │ │ │ │
|
|
83
83
|
7: ───7───6───╱1╲─────────────────6───4───╱1╲─────────────────4───2───╱1╲─────────────────2───0───╱1╲─────────────────
|
|
84
|
-
""".strip()
|
|
84
|
+
""".strip() # noqa: E501
|
|
85
85
|
ct.assert_has_diagram(circuit, expected_text_diagram)
|
|
86
86
|
|
|
87
87
|
|
|
@@ -36,7 +36,7 @@ class CircularShiftGate(PermutationGate):
|
|
|
36
36
|
shift: The number of positions to circularly left shift the qubits.
|
|
37
37
|
swap_gate: The gate to use when decomposing.
|
|
38
38
|
"""
|
|
39
|
-
super(
|
|
39
|
+
super().__init__(num_qubits, swap_gate)
|
|
40
40
|
self.shift = shift
|
|
41
41
|
|
|
42
42
|
def __repr__(self) -> str:
|
|
@@ -174,8 +174,8 @@ class UndirectedGraphDevice(devices.Device):
|
|
|
174
174
|
device_edge = self.get_device_edge_from_op(operation)
|
|
175
175
|
except Exception as error:
|
|
176
176
|
if frozenset(operation.qubits) not in self.device_graph.edges:
|
|
177
|
-
|
|
178
|
-
raise
|
|
177
|
+
raise ValueError(f'{operation.qubits} not in device graph edges') from error
|
|
178
|
+
raise # pragma: no cover
|
|
179
179
|
device_edge.validate_operation(operation)
|
|
180
180
|
|
|
181
181
|
def validate_crosstalk(
|
|
@@ -79,7 +79,7 @@ class CliffordTargetGateset(transformers.TwoQubitCompilationTargetGateset):
|
|
|
79
79
|
def __init__(
|
|
80
80
|
self,
|
|
81
81
|
*,
|
|
82
|
-
single_qubit_target: SingleQubitTarget = SingleQubitTarget.PAULI_STRING_PHASORS_AND_CLIFFORDS, # pylint: disable=line-too-long
|
|
82
|
+
single_qubit_target: SingleQubitTarget = SingleQubitTarget.PAULI_STRING_PHASORS_AND_CLIFFORDS, # pylint: disable=line-too-long # noqa: E501
|
|
83
83
|
atol: float = 1e-8,
|
|
84
84
|
):
|
|
85
85
|
"""Initializes CliffordTargetGateset
|
|
@@ -102,7 +102,7 @@ def test_teleportation_diagram() -> None:
|
|
|
102
102
|
&\lstick{\text{carrier}}& \qw&\gate{\text{H}} \qw&\control \qw &\targ \qw\qwx&\meter \qw&\control \qw & \qw\qwx&\qw\\
|
|
103
103
|
&\lstick{\text{bob}}& \qw& \qw&\targ \qw\qwx& \qw & \qw&\targ \qw\qwx&\control \qw\qwx&\qw\\
|
|
104
104
|
\\
|
|
105
|
-
}""".strip()
|
|
105
|
+
}""".strip() # noqa: E501
|
|
106
106
|
assert_has_qcircuit_diagram(
|
|
107
107
|
circuit, expected_diagram, qubit_order=cirq.QubitOrder.explicit([ali, car, bob])
|
|
108
108
|
)
|
|
@@ -151,7 +151,7 @@ def test_two_cx_diagram() -> None:
|
|
|
151
151
|
&\lstick{\text{q(2)}}& \qw&\targ \qw\qwx& \qw\qwx&\targ \qw\qwx& \qw\qwx&\qw\\
|
|
152
152
|
&\lstick{\text{q(3)}}& \qw& \qw &\targ \qw\qwx& \qw &\targ \qw\qwx&\qw\\
|
|
153
153
|
\\
|
|
154
|
-
}""".strip()
|
|
154
|
+
}""".strip() # noqa: E501
|
|
155
155
|
assert_has_qcircuit_diagram(circuit, expected_diagram)
|
|
156
156
|
|
|
157
157
|
|
|
@@ -81,5 +81,5 @@ def test_swap_network_str():
|
|
|
81
81
|
(3, 0): ───q(3)───ZZ───q(3)───╱1╲───q(2)───ZZ───q(2)───╲0╱───q(4)───ZZ───q(4)───╱1╲───q(0)───ZZ───q(0)───╲0╱───q(2)───ZZ───q(2)───╱1╲───q(1)───
|
|
82
82
|
│ │ │ │
|
|
83
83
|
(4, 0): ───q(4)────────q(4)─────────q(4)───ZZ───q(4)───╱1╲───q(2)────────q(2)─────────q(2)───ZZ───q(2)───╱1╲───q(0)────────q(0)─────────q(0)───
|
|
84
|
-
""".strip()
|
|
84
|
+
""".strip() # noqa: E501
|
|
85
85
|
assert actual_str == expected_str
|
cirq/experiments/__init__.py
CHANGED
|
@@ -42,7 +42,7 @@ from cirq.experiments.random_quantum_circuit_generation import (
|
|
|
42
42
|
GRID_STAGGERED_PATTERN as GRID_STAGGERED_PATTERN,
|
|
43
43
|
HALF_GRID_STAGGERED_PATTERN as HALF_GRID_STAGGERED_PATTERN,
|
|
44
44
|
GridInteractionLayer as GridInteractionLayer,
|
|
45
|
-
random_rotations_between_grid_interaction_layers_circuit as random_rotations_between_grid_interaction_layers_circuit,
|
|
45
|
+
random_rotations_between_grid_interaction_layers_circuit as random_rotations_between_grid_interaction_layers_circuit, # noqa: E501
|
|
46
46
|
)
|
|
47
47
|
|
|
48
48
|
from cirq.experiments.readout_confusion_matrix import (
|
|
@@ -356,7 +356,7 @@ def test_example_qft_circuit():
|
|
|
356
356
|
6: ───┼───×─────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────@^0.016───@^0.031───@^(1/16)───@^(1/8)───@^0.25───@^0.5───H───┼─────────┼─────────┼─────────┼──────────┼─────────┼────────@───────────
|
|
357
357
|
│ │ │ │ │ │ │ │
|
|
358
358
|
7: ───×───────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────────@^0.008───@^0.016───@^0.031───@^(1/16)───@^(1/8)───@^0.25───@^0.5───H───
|
|
359
|
-
"""
|
|
359
|
+
""" # noqa: E501
|
|
360
360
|
|
|
361
361
|
qft_example_json = (
|
|
362
362
|
'{"cols":['
|
cirq/json_resolver_cache.py
CHANGED
|
@@ -238,7 +238,7 @@ def _class_resolver_dictionary() -> dict[str, ObjectFactory]:
|
|
|
238
238
|
'WaitGate': cirq.WaitGate,
|
|
239
239
|
# The formatter keeps putting this back
|
|
240
240
|
# pylint: disable=line-too-long
|
|
241
|
-
'XEBPhasedFSimCharacterizationOptions': cirq.experiments.XEBPhasedFSimCharacterizationOptions,
|
|
241
|
+
'XEBPhasedFSimCharacterizationOptions': cirq.experiments.XEBPhasedFSimCharacterizationOptions, # noqa: E501
|
|
242
242
|
# pylint: enable=line-too-long
|
|
243
243
|
'_XEigenState': cirq.value.product_state._XEigenState,
|
|
244
244
|
'XPowGate': cirq.XPowGate,
|
cirq/linalg/__init__.py
CHANGED
|
@@ -39,15 +39,15 @@ from cirq.linalg.decompositions import (
|
|
|
39
39
|
map_eigenvalues as map_eigenvalues,
|
|
40
40
|
num_cnots_required as num_cnots_required,
|
|
41
41
|
unitary_eig as unitary_eig,
|
|
42
|
-
scatter_plot_normalized_kak_interaction_coefficients as scatter_plot_normalized_kak_interaction_coefficients,
|
|
42
|
+
scatter_plot_normalized_kak_interaction_coefficients as scatter_plot_normalized_kak_interaction_coefficients, # noqa: E501
|
|
43
43
|
so4_to_magic_su2s as so4_to_magic_su2s,
|
|
44
44
|
)
|
|
45
45
|
|
|
46
46
|
from cirq.linalg.diagonalize import (
|
|
47
47
|
# pylint: disable=line-too-long
|
|
48
|
-
bidiagonalize_real_matrix_pair_with_symmetric_products as bidiagonalize_real_matrix_pair_with_symmetric_products,
|
|
49
|
-
bidiagonalize_unitary_with_special_orthogonals as bidiagonalize_unitary_with_special_orthogonals,
|
|
50
|
-
diagonalize_real_symmetric_and_sorted_diagonal_matrices as diagonalize_real_symmetric_and_sorted_diagonal_matrices,
|
|
48
|
+
bidiagonalize_real_matrix_pair_with_symmetric_products as bidiagonalize_real_matrix_pair_with_symmetric_products, # noqa: E501
|
|
49
|
+
bidiagonalize_unitary_with_special_orthogonals as bidiagonalize_unitary_with_special_orthogonals, # noqa: E501
|
|
50
|
+
diagonalize_real_symmetric_and_sorted_diagonal_matrices as diagonalize_real_symmetric_and_sorted_diagonal_matrices, # noqa: E501
|
|
51
51
|
diagonalize_real_symmetric_matrix as diagonalize_real_symmetric_matrix,
|
|
52
52
|
)
|
|
53
53
|
|
|
@@ -512,7 +512,7 @@ def test_scope_local() -> None:
|
|
|
512
512
|
[ [ 0: ───M───X─── ] ]
|
|
513
513
|
0: ───[ 0: ───[ ║ ║ ]───────────────────────────────────── ]─────────────────────────────────────
|
|
514
514
|
[ [ a: ═══@═══^═══ ](loops=2, use_repetition_ids=True) ](loops=2, use_repetition_ids=True)
|
|
515
|
-
""",
|
|
515
|
+
""", # noqa: E501
|
|
516
516
|
use_unicode_characters=True,
|
|
517
517
|
)
|
|
518
518
|
# pylint: enable=line-too-long
|
|
@@ -668,7 +668,7 @@ def test_scope_extern() -> None:
|
|
|
668
668
|
0: ───[ ║ [ b: ════════════^═══ ](loops=2, use_repetition_ids=True) ]─────────────────────────────────────
|
|
669
669
|
[ ║ ║ ]
|
|
670
670
|
[ b: ═══@═══╩═══════════════════════════════════════════════════════════ ](loops=2, use_repetition_ids=True)
|
|
671
|
-
""",
|
|
671
|
+
""", # noqa: E501
|
|
672
672
|
use_unicode_characters=True,
|
|
673
673
|
)
|
|
674
674
|
# pylint: enable=line-too-long
|
|
@@ -791,7 +791,7 @@ def test_scope_extern_mismatch() -> None:
|
|
|
791
791
|
[ b: ══════════════╩═══════════════════════════════════════════════════════════ ](loops=2, use_repetition_ids=True)
|
|
792
792
|
║
|
|
793
793
|
b: ═══╩═════════════════════════════════════════════════════════════════════════════════════════════════════════════════════
|
|
794
|
-
""",
|
|
794
|
+
""", # noqa: E501
|
|
795
795
|
use_unicode_characters=True,
|
|
796
796
|
)
|
|
797
797
|
# pylint: enable=line-too-long
|
|
@@ -997,7 +997,7 @@ b: ═══@══════════════════^════
|
|
|
997
997
|
c: ══════════════════════^══════════════════════════════════^═════════════════════════════════════════════════^══════════════════════════════════^══════════════════════════════
|
|
998
998
|
║ ║ ║ ║
|
|
999
999
|
d: ══════════════════════^══════════════════════════════════^═════════════════════════════════════════════════^══════════════════════════════════^══════════════════════════════
|
|
1000
|
-
""",
|
|
1000
|
+
""", # noqa: E501
|
|
1001
1001
|
use_unicode_characters=True,
|
|
1002
1002
|
)
|
|
1003
1003
|
# pylint: enable=line-too-long
|
cirq/ops/eigen_gate.py
CHANGED
|
@@ -107,10 +107,10 @@ class EigenGate(raw_types.Gate):
|
|
|
107
107
|
ValueError: If the supplied exponent is a complex number with an
|
|
108
108
|
imaginary component.
|
|
109
109
|
"""
|
|
110
|
-
if
|
|
110
|
+
if isinstance(exponent, str):
|
|
111
111
|
raise TypeError(
|
|
112
112
|
"Gate exponent must be a number or sympy expression. "
|
|
113
|
-
f"
|
|
113
|
+
f"Received a string instead: {exponent!r}"
|
|
114
114
|
)
|
|
115
115
|
if isinstance(exponent, complex):
|
|
116
116
|
if exponent.imag:
|
|
@@ -293,10 +293,10 @@ class EigenGate(raw_types.Gate):
|
|
|
293
293
|
return _approximate_common_period(real_periods)
|
|
294
294
|
|
|
295
295
|
def __pow__(self, exponent: value.TParamVal) -> EigenGate:
|
|
296
|
-
if
|
|
296
|
+
if isinstance(exponent, str):
|
|
297
297
|
raise TypeError(
|
|
298
298
|
"Gate exponent must be a number or sympy expression. "
|
|
299
|
-
f"
|
|
299
|
+
f"Received a string instead: {exponent!r}"
|
|
300
300
|
)
|
|
301
301
|
new_exponent = protocols.mul(self._exponent, exponent, NotImplemented)
|
|
302
302
|
if new_exponent is NotImplemented:
|
cirq/ops/fsim_gate_test.py
CHANGED
|
@@ -506,7 +506,7 @@ def test_phased_fsim_circuit() -> None:
|
|
|
506
506
|
0: ---PhFSim(1.5707963267948966, -pi, 1.5707963267948966, 0, -0.7853981633974483)---PhFSim(-pi, 1.5707963267948966, 0.3141592653589793, 0.6283185307179586, 0.9424777960769379)---
|
|
507
507
|
| |
|
|
508
508
|
1: ---PhFSim(1.5707963267948966, -pi, 1.5707963267948966, 0, -0.7853981633974483)---PhFSim(-pi, 1.5707963267948966, 0.3141592653589793, 0.6283185307179586, 0.9424777960769379)---
|
|
509
|
-
""",
|
|
509
|
+
""", # noqa: E501
|
|
510
510
|
use_unicode_characters=False,
|
|
511
511
|
precision=None,
|
|
512
512
|
)
|
cirq/ops/pauli_string_test.py
CHANGED
|
@@ -1567,7 +1567,7 @@ def test_circuit_diagram_info():
|
|
|
1567
1567
|
1: ───────────────────────────────────────┼─────────────────Y─────────────────PauliString(-iY)───Y───────────────────────────────
|
|
1568
1568
|
│
|
|
1569
1569
|
2: ───────────────────────────────────────Z──────────────────────────────────────────────────────────────────────────────────────
|
|
1570
|
-
""",
|
|
1570
|
+
""", # noqa: E501
|
|
1571
1571
|
)
|
|
1572
1572
|
|
|
1573
1573
|
|
cirq/ops/raw_types_test.py
CHANGED
|
@@ -80,7 +80,7 @@ def test_wrapped_qid() -> None:
|
|
|
80
80
|
}
|
|
81
81
|
|
|
82
82
|
# pylint: disable=unnecessary-negation
|
|
83
|
-
assert not ValidQubit('zz') == 4
|
|
83
|
+
assert not ValidQubit('zz') == 4 # noqa: SIM201
|
|
84
84
|
assert ValidQubit('zz') != 4
|
|
85
85
|
assert ValidQubit('zz') > ValidQubit('aa')
|
|
86
86
|
assert ValidQubit('zz') <= ValidQubit('zz')
|
|
@@ -129,7 +129,7 @@ def test_equality_of_gates() -> None:
|
|
|
129
129
|
gate_1 = cirq.StatePreparationChannel(state)
|
|
130
130
|
gate_2 = cirq.StatePreparationChannel(state)
|
|
131
131
|
assert gate_1 == gate_2, "Equal state not leading to same gate"
|
|
132
|
-
assert not gate_1 == state, "Incompatible objects shouldn't be equal"
|
|
132
|
+
assert not gate_1 == state, "Incompatible objects shouldn't be equal" # noqa: SIM201
|
|
133
133
|
state = np.array([0, 1, 0, 0], dtype=np.complex64)
|
|
134
134
|
gate_3 = cirq.StatePreparationChannel(state, name='gate_a')
|
|
135
135
|
gate_4 = cirq.StatePreparationChannel(state, name='gate_b')
|
cirq/protocols/pow_protocol.py
CHANGED
cirq/testing/__init__.py
CHANGED
|
@@ -16,11 +16,11 @@
|
|
|
16
16
|
|
|
17
17
|
from cirq.testing.circuit_compare import (
|
|
18
18
|
# pylint: disable=line-too-long
|
|
19
|
-
assert_circuits_with_terminal_measurements_are_equivalent as assert_circuits_with_terminal_measurements_are_equivalent,
|
|
20
|
-
assert_circuits_have_same_unitary_given_final_permutation as assert_circuits_have_same_unitary_given_final_permutation,
|
|
19
|
+
assert_circuits_with_terminal_measurements_are_equivalent as assert_circuits_with_terminal_measurements_are_equivalent, # noqa: E501
|
|
20
|
+
assert_circuits_have_same_unitary_given_final_permutation as assert_circuits_have_same_unitary_given_final_permutation, # noqa: E501
|
|
21
21
|
assert_has_consistent_apply_channel as assert_has_consistent_apply_channel,
|
|
22
22
|
assert_has_consistent_apply_unitary as assert_has_consistent_apply_unitary,
|
|
23
|
-
assert_has_consistent_apply_unitary_for_various_exponents as assert_has_consistent_apply_unitary_for_various_exponents,
|
|
23
|
+
assert_has_consistent_apply_unitary_for_various_exponents as assert_has_consistent_apply_unitary_for_various_exponents, # noqa: E501
|
|
24
24
|
assert_has_diagram as assert_has_diagram,
|
|
25
25
|
assert_same_circuits as assert_same_circuits,
|
|
26
26
|
highlight_text_differences as highlight_text_differences,
|
|
@@ -29,7 +29,7 @@ from cirq.testing.circuit_compare import (
|
|
|
29
29
|
|
|
30
30
|
from cirq.testing.consistent_act_on import (
|
|
31
31
|
# pylint: disable=line-too-long
|
|
32
|
-
assert_all_implemented_act_on_effects_match_unitary as assert_all_implemented_act_on_effects_match_unitary,
|
|
32
|
+
assert_all_implemented_act_on_effects_match_unitary as assert_all_implemented_act_on_effects_match_unitary, # noqa: E501
|
|
33
33
|
)
|
|
34
34
|
|
|
35
35
|
from cirq.testing.consistent_channels import (
|
|
@@ -49,7 +49,7 @@ from cirq.testing.consistent_decomposition import (
|
|
|
49
49
|
|
|
50
50
|
from cirq.testing.consistent_pauli_expansion import (
|
|
51
51
|
# pylint: disable=line-too-long
|
|
52
|
-
assert_pauli_expansion_is_consistent_with_unitary as assert_pauli_expansion_is_consistent_with_unitary,
|
|
52
|
+
assert_pauli_expansion_is_consistent_with_unitary as assert_pauli_expansion_is_consistent_with_unitary, # noqa: E501
|
|
53
53
|
)
|
|
54
54
|
|
|
55
55
|
from cirq.testing.consistent_phase_by import (
|
|
@@ -58,10 +58,10 @@ from cirq.testing.consistent_phase_by import (
|
|
|
58
58
|
|
|
59
59
|
from cirq.testing.consistent_protocols import (
|
|
60
60
|
# pylint: disable=line-too-long
|
|
61
|
-
assert_eigengate_implements_consistent_protocols as assert_eigengate_implements_consistent_protocols,
|
|
61
|
+
assert_eigengate_implements_consistent_protocols as assert_eigengate_implements_consistent_protocols, # noqa: E501
|
|
62
62
|
assert_has_consistent_trace_distance_bound as assert_has_consistent_trace_distance_bound,
|
|
63
63
|
assert_implements_consistent_protocols as assert_implements_consistent_protocols,
|
|
64
|
-
assert_commutes_magic_method_consistent_with_unitaries as assert_commutes_magic_method_consistent_with_unitaries,
|
|
64
|
+
assert_commutes_magic_method_consistent_with_unitaries as assert_commutes_magic_method_consistent_with_unitaries, # noqa: E501
|
|
65
65
|
)
|
|
66
66
|
|
|
67
67
|
from cirq.testing.consistent_qasm import (
|
cirq/transformers/__init__.py
CHANGED
|
@@ -16,12 +16,12 @@
|
|
|
16
16
|
|
|
17
17
|
from cirq.transformers.analytical_decompositions import (
|
|
18
18
|
# pylint: disable=line-too-long
|
|
19
|
-
compute_cphase_exponents_for_fsim_decomposition as compute_cphase_exponents_for_fsim_decomposition,
|
|
19
|
+
compute_cphase_exponents_for_fsim_decomposition as compute_cphase_exponents_for_fsim_decomposition, # noqa: E501
|
|
20
20
|
decompose_cphase_into_two_fsim as decompose_cphase_into_two_fsim,
|
|
21
21
|
decompose_clifford_tableau_to_operations as decompose_clifford_tableau_to_operations,
|
|
22
22
|
decompose_multi_controlled_x as decompose_multi_controlled_x,
|
|
23
23
|
decompose_multi_controlled_rotation as decompose_multi_controlled_rotation,
|
|
24
|
-
decompose_two_qubit_interaction_into_four_fsim_gates as decompose_two_qubit_interaction_into_four_fsim_gates,
|
|
24
|
+
decompose_two_qubit_interaction_into_four_fsim_gates as decompose_two_qubit_interaction_into_four_fsim_gates, # noqa: E501
|
|
25
25
|
is_negligible_turn as is_negligible_turn,
|
|
26
26
|
parameterized_2q_op_to_sqrt_iswap_operations as parameterized_2q_op_to_sqrt_iswap_operations,
|
|
27
27
|
prepare_two_qubit_state_using_cz as prepare_two_qubit_state_using_cz,
|
|
@@ -36,7 +36,7 @@ from cirq.transformers.analytical_decompositions import (
|
|
|
36
36
|
three_qubit_matrix_to_operations as three_qubit_matrix_to_operations,
|
|
37
37
|
two_qubit_matrix_to_cz_isometry as two_qubit_matrix_to_cz_isometry,
|
|
38
38
|
two_qubit_matrix_to_cz_operations as two_qubit_matrix_to_cz_operations,
|
|
39
|
-
two_qubit_matrix_to_diagonal_and_cz_operations as two_qubit_matrix_to_diagonal_and_cz_operations,
|
|
39
|
+
two_qubit_matrix_to_diagonal_and_cz_operations as two_qubit_matrix_to_diagonal_and_cz_operations, # noqa: E501
|
|
40
40
|
two_qubit_matrix_to_ion_operations as two_qubit_matrix_to_ion_operations,
|
|
41
41
|
two_qubit_matrix_to_sqrt_iswap_operations as two_qubit_matrix_to_sqrt_iswap_operations,
|
|
42
42
|
unitary_to_pauli_string as unitary_to_pauli_string,
|
|
@@ -25,7 +25,7 @@ from cirq.transformers.analytical_decompositions.controlled_gate_decomposition i
|
|
|
25
25
|
|
|
26
26
|
from cirq.transformers.analytical_decompositions.cphase_to_fsim import (
|
|
27
27
|
# pylint: disable=line-too-long
|
|
28
|
-
compute_cphase_exponents_for_fsim_decomposition as compute_cphase_exponents_for_fsim_decomposition,
|
|
28
|
+
compute_cphase_exponents_for_fsim_decomposition as compute_cphase_exponents_for_fsim_decomposition, # noqa: E501
|
|
29
29
|
decompose_cphase_into_two_fsim as decompose_cphase_into_two_fsim,
|
|
30
30
|
)
|
|
31
31
|
|
|
@@ -49,12 +49,12 @@ from cirq.transformers.analytical_decompositions.three_qubit_decomposition impor
|
|
|
49
49
|
from cirq.transformers.analytical_decompositions.two_qubit_to_cz import (
|
|
50
50
|
# pylint: disable=line-too-long
|
|
51
51
|
two_qubit_matrix_to_cz_operations as two_qubit_matrix_to_cz_operations,
|
|
52
|
-
two_qubit_matrix_to_diagonal_and_cz_operations as two_qubit_matrix_to_diagonal_and_cz_operations,
|
|
52
|
+
two_qubit_matrix_to_diagonal_and_cz_operations as two_qubit_matrix_to_diagonal_and_cz_operations, # noqa: E501
|
|
53
53
|
)
|
|
54
54
|
|
|
55
55
|
from cirq.transformers.analytical_decompositions.two_qubit_to_fsim import (
|
|
56
56
|
# pylint: disable=line-too-long
|
|
57
|
-
decompose_two_qubit_interaction_into_four_fsim_gates as decompose_two_qubit_interaction_into_four_fsim_gates,
|
|
57
|
+
decompose_two_qubit_interaction_into_four_fsim_gates as decompose_two_qubit_interaction_into_four_fsim_gates, # noqa: E501
|
|
58
58
|
)
|
|
59
59
|
|
|
60
60
|
from cirq.transformers.analytical_decompositions.two_qubit_to_ms import (
|
|
@@ -729,7 +729,7 @@ def test_cross_clifford_pieces_filling_merge():
|
|
|
729
729
|
5: ───PhXZ(a=0.2,x=0.2,z=0.1)───@───PhXZ(a=0.2,x=0.2,z=0.1)───@─────────────────────────PhXZ(a=0.2,x=0.2,z=0.1)───@───PhXZ(a=-0.8,x=0.2,z=-0.9)───H────────────────────────
|
|
730
730
|
│
|
|
731
731
|
6: ───────────────────────────────────────────────────────────PhXZ(a=0.2,x=0.2,z=0.1)───X─────────────────────────@───PhXZ(a=0.8,x=0.8,z=0.5)─────H────────────────────────
|
|
732
|
-
"""
|
|
732
|
+
""" # noqa: E501
|
|
733
733
|
# pylint: enable=line-too-long
|
|
734
734
|
qubits = cirq.LineQubit.range(7)
|
|
735
735
|
phased_xz_gate = cirq.PhasedXZGate(axis_phase_exponent=0.2, x_exponent=0.2, z_exponent=0.1)
|
|
@@ -761,7 +761,7 @@ def test_cross_clifford_pieces_filling_merge():
|
|
|
761
761
|
5: ───PhXZ(a=0.2,x=0.2,z=0.1)───@───PhXZ(a=0.2,x=0.2,z=0.1)───@─────────────────────────PhXZ(a=0.2,x=0.2,z=0.1)───@───PhXZ(a=-0.8,x=0.2,z=-0.9)───H────────────────────────
|
|
762
762
|
│
|
|
763
763
|
6: ───────────────────────────────────────────────────────────PhXZ(a=0.2,x=0.2,z=0.1)───X─────────────────────────@───PhXZ(a=0.8,x=0.8,z=0.5)─────H────────────────────────
|
|
764
|
-
""",
|
|
764
|
+
""", # noqa: E501
|
|
765
765
|
)
|
|
766
766
|
|
|
767
767
|
|
|
@@ -154,7 +154,8 @@ a: ═════════════════════════
|
|
|
154
154
|
│ │ ║
|
|
155
155
|
2: ───#2──────────────────────────────────────────────────────────────────X───────────[ 2: ───Z─── ][3]───M───────────────────────╫───
|
|
156
156
|
║ ║
|
|
157
|
-
a: ═══════════════════════════════════════════════════════════════════════════════════════════════════════@═══════════════════════^═══
|
|
157
|
+
a: ═══════════════════════════════════════════════════════════════════════════════════════════════════════@═══════════════════════^═══
|
|
158
|
+
''', # noqa: E501
|
|
158
159
|
)
|
|
159
160
|
|
|
160
161
|
component_id = 0
|
|
@@ -184,7 +185,8 @@ a: ═════════════════════════
|
|
|
184
185
|
│ │ ║
|
|
185
186
|
2: ───T[1]───iSwap^0.5───T[1]─────────────────────────────X───────────T[3]────────M─────────────────────────╫───
|
|
186
187
|
║ ║
|
|
187
|
-
a: ═══════════════════════════════════════════════════════════════════════════════@═════════════════════════^═══
|
|
188
|
+
a: ═══════════════════════════════════════════════════════════════════════════════@═════════════════════════^═══
|
|
189
|
+
''', # noqa: E501
|
|
188
190
|
)
|
|
189
191
|
|
|
190
192
|
|
|
@@ -74,7 +74,7 @@ m: ═════════════════════════
|
|
|
74
74
|
1: ───────Y^-0.5───@───Y^0.5────@───Y^-0.5───@───Y^0.5───────×───────────╫───X───T───Y^-0.5───@───Y^0.5────@───Y^-0.5───@───Y^0.5───T───
|
|
75
75
|
║ ║
|
|
76
76
|
m: ══════════════════════════════════════════════════════════════════════@═══^══════════════════════════════════════════════════════════
|
|
77
|
-
''',
|
|
77
|
+
''', # noqa: E501
|
|
78
78
|
)
|
|
79
79
|
|
|
80
80
|
|
|
@@ -192,7 +192,7 @@ m: ═════════════════════@═══^═
|
|
|
192
192
|
║ ║
|
|
193
193
|
m: ═══════════════════════════════════════════════════════════════@═══^═════════════════════════════════════════════════════════
|
|
194
194
|
└────────┘ └────────┘ └────────┘
|
|
195
|
-
''',
|
|
195
|
+
''', # noqa: E501
|
|
196
196
|
)
|
|
197
197
|
|
|
198
198
|
with pytest.raises(ValueError, match="Unable to convert"):
|
|
@@ -166,7 +166,7 @@ def test_map_operations_deep_subcircuits():
|
|
|
166
166
|
3: ───#4──────────────────────────────────────────────────────────────────────────────────────────────────────
|
|
167
167
|
│
|
|
168
168
|
4: ───#5──────────────────────────────────────────────────────────────────────────────────────────────────────
|
|
169
|
-
''',
|
|
169
|
+
''', # noqa: E501
|
|
170
170
|
)
|
|
171
171
|
|
|
172
172
|
c_mapped = cirq.map_operations(c_orig_with_circuit_ops, map_func, deep=True)
|
|
@@ -201,7 +201,7 @@ def test_map_operations_deep_subcircuits():
|
|
|
201
201
|
3: ───#4──────────────────────────────────────────────────────────────────────────────────────────────────────────────────────
|
|
202
202
|
│
|
|
203
203
|
4: ───#5──────────────────────────────────────────────────────────────────────────────────────────────────────────────────────
|
|
204
|
-
''',
|
|
204
|
+
''', # noqa: E501
|
|
205
205
|
)
|
|
206
206
|
|
|
207
207
|
|
|
@@ -740,7 +740,7 @@ def test_merge_operations_to_circuit_op_merges_connected_component():
|
|
|
740
740
|
1: ───────┼───────────#2───────────────────────────────────────────────────────────@───────Y───────────X───
|
|
741
741
|
│ │
|
|
742
742
|
2: ───H───X────────────────────────────────────────────────────────────────────────X───────────────────────
|
|
743
|
-
''',
|
|
743
|
+
''', # noqa: E501
|
|
744
744
|
)
|
|
745
745
|
|
|
746
746
|
|
|
@@ -772,7 +772,8 @@ def test_merge_2q_unitaries_to_circuit_op():
|
|
|
772
772
|
1: ───┼────────────────────────────#2───────────────────────────────────────────────[ │ ]───────────────────────X───
|
|
773
773
|
│ [ 2: ───X─────── ][merged]
|
|
774
774
|
│ │
|
|
775
|
-
2: ───#2────────────────────────────────────────────────────────────────────────────#2───────────────────────────────────────M───
|
|
775
|
+
2: ───#2────────────────────────────────────────────────────────────────────────────#2───────────────────────────────────────M───
|
|
776
|
+
''', # noqa: E501
|
|
776
777
|
)
|
|
777
778
|
|
|
778
779
|
|
cirq/value/linear_dict_test.py
CHANGED
|
@@ -410,7 +410,7 @@ def test_scalar_division(scalar, terms, terms_expected):
|
|
|
410
410
|
)
|
|
411
411
|
def test_expressions(expression, expected):
|
|
412
412
|
assert expression == expected
|
|
413
|
-
assert not expression != expected
|
|
413
|
+
assert not expression != expected # noqa: SIM202
|
|
414
414
|
assert cirq.approx_eq(expression, expected)
|
|
415
415
|
|
|
416
416
|
|
|
@@ -438,8 +438,8 @@ def test_equal(terms_1, terms_2):
|
|
|
438
438
|
linear_dict_2 = cirq.LinearDict(terms_2)
|
|
439
439
|
assert linear_dict_1 == linear_dict_2
|
|
440
440
|
assert linear_dict_2 == linear_dict_1
|
|
441
|
-
assert not linear_dict_1 != linear_dict_2
|
|
442
|
-
assert not linear_dict_2 != linear_dict_1
|
|
441
|
+
assert not linear_dict_1 != linear_dict_2 # noqa: SIM202
|
|
442
|
+
assert not linear_dict_2 != linear_dict_1 # noqa: SIM202
|
|
443
443
|
|
|
444
444
|
|
|
445
445
|
@pytest.mark.parametrize(
|
|
@@ -458,8 +458,8 @@ def test_unequal(terms_1, terms_2):
|
|
|
458
458
|
linear_dict_2 = cirq.LinearDict(terms_2)
|
|
459
459
|
assert linear_dict_1 != linear_dict_2
|
|
460
460
|
assert linear_dict_2 != linear_dict_1
|
|
461
|
-
assert not linear_dict_1 == linear_dict_2
|
|
462
|
-
assert not linear_dict_2 == linear_dict_1
|
|
461
|
+
assert not linear_dict_1 == linear_dict_2 # noqa: SIM201
|
|
462
|
+
assert not linear_dict_2 == linear_dict_1 # noqa: SIM201
|
|
463
463
|
|
|
464
464
|
|
|
465
465
|
@pytest.mark.parametrize(
|
cirq/value/timestamp_test.py
CHANGED
|
@@ -78,9 +78,9 @@ def test_cmp() -> None:
|
|
|
78
78
|
assert (i > j) == (a > b)
|
|
79
79
|
|
|
80
80
|
# pylint: disable=unnecessary-negation
|
|
81
|
-
assert not (Timestamp() == 0)
|
|
81
|
+
assert not (Timestamp() == 0) # noqa: SIM201
|
|
82
82
|
assert Timestamp() != 0
|
|
83
|
-
assert not (Timestamp() == Duration())
|
|
83
|
+
assert not (Timestamp() == Duration()) # noqa: SIM201
|
|
84
84
|
assert Timestamp() != Duration()
|
|
85
85
|
|
|
86
86
|
|
|
@@ -86,7 +86,7 @@ def _value_equality_eq(self: _SupportsValueEquality, other: _SupportsValueEquali
|
|
|
86
86
|
|
|
87
87
|
|
|
88
88
|
def _value_equality_ne(self: _SupportsValueEquality, other: _SupportsValueEquality) -> bool:
|
|
89
|
-
return not self == other
|
|
89
|
+
return not self == other # noqa: SIM201
|
|
90
90
|
|
|
91
91
|
|
|
92
92
|
def _value_equality_hash(self: _SupportsValueEquality) -> int:
|
{cirq_core-1.6.0.dev20250612013443.dist-info → cirq_core-1.6.0.dev20250613205825.dist-info}/METADATA
RENAMED
|
@@ -1,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.4
|
|
2
2
|
Name: cirq-core
|
|
3
|
-
Version: 1.6.0.
|
|
3
|
+
Version: 1.6.0.dev20250613205825
|
|
4
4
|
Summary: A framework for creating, editing, and invoking Noisy Intermediate Scale Quantum (NISQ) circuits.
|
|
5
5
|
Home-page: http://github.com/quantumlib/cirq
|
|
6
6
|
Author: The Cirq Developers
|
{cirq_core-1.6.0.dev20250612013443.dist-info → cirq_core-1.6.0.dev20250613205825.dist-info}/RECORD
RENAMED
|
@@ -1,13 +1,13 @@
|
|
|
1
|
-
cirq/__init__.py,sha256=
|
|
1
|
+
cirq/__init__.py,sha256=uHU23_4YZFW9_59mQYkfZv5k1WIWt4kv6cgu1hpn6J4,28442
|
|
2
2
|
cirq/_compat.py,sha256=BCAAJx19-5UXHv3HpCzewinx-b9eDs_C1GHPXPfKLIY,29478
|
|
3
|
-
cirq/_compat_test.py,sha256=
|
|
3
|
+
cirq/_compat_test.py,sha256=91D8tdb4GXJH6-GWYw0_YVX4b2l33Y-DBB6dgCi01gU,34059
|
|
4
4
|
cirq/_doc.py,sha256=BrnoABo1hk5RgB3Cgww4zLHUfiyFny0F1V-tOMCbdaU,2909
|
|
5
5
|
cirq/_import.py,sha256=ixBu4EyGl46Ram2cP3p5eZVEFDW5L2DS-VyTjz4N9iw,8429
|
|
6
6
|
cirq/_import_test.py,sha256=oF4izzOVZLc7NZ0aZHFcGv-r01eiFFt_JORx_x7_D4s,1089
|
|
7
|
-
cirq/_version.py,sha256=
|
|
8
|
-
cirq/_version_test.py,sha256=
|
|
7
|
+
cirq/_version.py,sha256=sIUSzsLYCyrOYbskg86ZnHDZCPENEjDdw-3dwmMKBiw,1206
|
|
8
|
+
cirq/_version_test.py,sha256=QiBPCmdZjSDjnoMy2SxjkigBKP8oqHZkscoLS3Nkqfk,155
|
|
9
9
|
cirq/conftest.py,sha256=X7yLFL8GLhg2CjPw0hp5e_dGASfvHx1-QT03aUbhKJw,1168
|
|
10
|
-
cirq/json_resolver_cache.py,sha256
|
|
10
|
+
cirq/json_resolver_cache.py,sha256=-VwUUE3kCHemlG8F3aEW6Y6IgN-YsckjGME8jpSvJEA,13635
|
|
11
11
|
cirq/py.typed,sha256=VFSlmh_lNwnaXzwY-ZuW-C2Ws5PkuDoVgBdNCs0jXJE,63
|
|
12
12
|
cirq/circuits/__init__.py,sha256=HKunqRpZoDmjy1IiK9Cn84MTGT84_PMeQ5VDCPafcWk,1335
|
|
13
13
|
cirq/circuits/_block_diagram_drawer.py,sha256=OpIupxl6plGVaLkU13RqYGELAlHAIy56tV6qjg51Yws,9489
|
|
@@ -18,13 +18,13 @@ cirq/circuits/_bucket_priority_queue.py,sha256=U564r2mou4aZsOlpVYiZCgirqS6mVznG3
|
|
|
18
18
|
cirq/circuits/_bucket_priority_queue_test.py,sha256=MOby-UKYZQMe2n4KhqkfDCPrz-T_3eBbWDEa0_nadJQ,5627
|
|
19
19
|
cirq/circuits/circuit.py,sha256=6jU6hpvfyJgZGsEGRhovE_A_4VCmwbs7pVdtYw46zGs,118744
|
|
20
20
|
cirq/circuits/circuit_operation.py,sha256=5LN0vXQT8hoUP8Vhkozm3d6hPqw0BUX5WBhKMr5qOng,36252
|
|
21
|
-
cirq/circuits/circuit_operation_test.py,sha256=
|
|
21
|
+
cirq/circuits/circuit_operation_test.py,sha256=JqRjSqt--Weceog4CAl4iZW8CNy0qJ_2svUyeAR6D-s,49411
|
|
22
22
|
cirq/circuits/circuit_test.py,sha256=8lOt-U48Taxa2DzGG0XP0uXgzA0mAJAKaVpkXDzmJ98,162773
|
|
23
23
|
cirq/circuits/frozen_circuit.py,sha256=CwlREZbCCrHJ6zTLLEbER_M7P4IsBEADhM5dbDBTvvM,9152
|
|
24
24
|
cirq/circuits/frozen_circuit_test.py,sha256=b-SQdV7KFLt3KCo50eBkGs8q29B2H5PmMevVGk8UCN4,4294
|
|
25
25
|
cirq/circuits/insert_strategy.py,sha256=3995vK4U6O9RV4BXMoFl9Tf3ekxIiqxv71IuX80JtYo,3237
|
|
26
26
|
cirq/circuits/insert_strategy_test.py,sha256=pBFgsylgRG1CS1h4JyzZQFP-xvh6fSbgpiZgxXfbpr4,1237
|
|
27
|
-
cirq/circuits/moment.py,sha256=
|
|
27
|
+
cirq/circuits/moment.py,sha256=JSaaPnTqO8Fw2M1E8UjjqEI06O5yRDLWSYPQ7X3Kx0Q,25722
|
|
28
28
|
cirq/circuits/moment_test.py,sha256=kfPObC2xXlulWV7exXt6a6wraXrdZJiAV4xTGwXFc5Y,31152
|
|
29
29
|
cirq/circuits/optimization_pass.py,sha256=r_elKwotCt8QDz_7meQQxHW4b8mCN7zFZOlmXTsDE54,6473
|
|
30
30
|
cirq/circuits/optimization_pass_test.py,sha256=FvCCOZrqVQLYrf_BUAZ6M-sm6dMv00_xsvpN25Op1BA,5914
|
|
@@ -37,11 +37,11 @@ cirq/contrib/json.py,sha256=ITiaznB1mndxtasVO5QTeu-31h3vgGTBCGFzousOxHE,788
|
|
|
37
37
|
cirq/contrib/json_test.py,sha256=9wJb-N1Sv_Epz548el6g6iZYB5VgPk2eOBHYur0V0ho,1178
|
|
38
38
|
cirq/contrib/acquaintance/__init__.py,sha256=hIRO807ywD3L5xwIPROAOq5FFnel9uXcQCw1uYBlNhg,3215
|
|
39
39
|
cirq/contrib/acquaintance/bipartite.py,sha256=9BusD-thMIfOEZeDuUEBnZUJoOJ8bc-DzNJTVMOrVR8,6494
|
|
40
|
-
cirq/contrib/acquaintance/bipartite_test.py,sha256=
|
|
40
|
+
cirq/contrib/acquaintance/bipartite_test.py,sha256=iySPttkrTAMybRRhf4lWzm-wZaA21CyKwV_mqc2A5ks,16070
|
|
41
41
|
cirq/contrib/acquaintance/devices.py,sha256=RV03R0Ie_OGAQXQ80TQZWvs-D9443AjTXZcXSAkEskg,3051
|
|
42
42
|
cirq/contrib/acquaintance/devices_test.py,sha256=l76xfjzmYhvWash8_XDUKhqFkfTBT-rFqdfbjLbxreI,1243
|
|
43
43
|
cirq/contrib/acquaintance/executor.py,sha256=PcdI1a8H1KrNWI0Es8S4PdEKrvC1vG-K8lPHcZiaymM,8626
|
|
44
|
-
cirq/contrib/acquaintance/executor_test.py,sha256=
|
|
44
|
+
cirq/contrib/acquaintance/executor_test.py,sha256=OJ0WL2Ta39BLBgPQIeZ9qnyen4Ut3Yxhh_33R-VvOc4,7940
|
|
45
45
|
cirq/contrib/acquaintance/gates.py,sha256=de3wWd79UcrLD0o_n0Mw9_qBCtk4rPZ-y1t7d-hwOM8,13492
|
|
46
46
|
cirq/contrib/acquaintance/gates_test.py,sha256=2PKXWH6IGzUCQvqXs4IXYS0bwVyLuekgS40biZkMQd0,15024
|
|
47
47
|
cirq/contrib/acquaintance/inspection_utils.py,sha256=j0ciQrrTt2SkqJCJigsyKyfmcShDEQfiCMJT82FHt0Y,2620
|
|
@@ -52,7 +52,7 @@ cirq/contrib/acquaintance/optimizers.py,sha256=f9FZF-JvKoLYYz6H3rDs3tbrCzX33v1aC
|
|
|
52
52
|
cirq/contrib/acquaintance/optimizers_test.py,sha256=SGNvMoW73sdqVJr08NvXJeQvd0zg2y1rOB6iUEeHDsA,2500
|
|
53
53
|
cirq/contrib/acquaintance/permutation.py,sha256=CF4TzVXxVaZ6dpINxAEbPx2jGsNcCHEk_gB6eygJvaA,11733
|
|
54
54
|
cirq/contrib/acquaintance/permutation_test.py,sha256=KsvkWSv9CH5TXPb0ZJMCwvHoYbkuxYhBrZpA-58aUi0,11539
|
|
55
|
-
cirq/contrib/acquaintance/shift.py,sha256=
|
|
55
|
+
cirq/contrib/acquaintance/shift.py,sha256=IgOChH9A8sAgjJgia_c6tf2BBiuq2HRG6S544HDrqPI,3071
|
|
56
56
|
cirq/contrib/acquaintance/shift_swap_network.py,sha256=gT8A7ASsrL3DCwdnzZuUZEkyfkAHBbOEwQfCFVhQDtU,5285
|
|
57
57
|
cirq/contrib/acquaintance/shift_swap_network_test.py,sha256=qtJtW4L1bi03ljgCXqcuD09T_DyFJzDHUI9JHsZMvGU,11626
|
|
58
58
|
cirq/contrib/acquaintance/shift_test.py,sha256=srf0_Sa-k6xIzwY9lCCwGn7ev2fFnJ4la1OHy9XmgX0,4639
|
|
@@ -75,7 +75,7 @@ cirq/contrib/custom_simulators/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5
|
|
|
75
75
|
cirq/contrib/custom_simulators/custom_state_simulator.py,sha256=dSTlTiFwXicJxQA4yHREGF7aJnkafNVrf74w9hkMsYQ,3210
|
|
76
76
|
cirq/contrib/custom_simulators/custom_state_simulator_test.py,sha256=O_fQ267wPDZQVo8cBSwtLVTgqcYsfygdC2rYW7LwKXg,7948
|
|
77
77
|
cirq/contrib/graph_device/__init__.py,sha256=Q7tjzfme7cMypjdg8lPKxNrVHIv2e7WFabBwxj4VsCU,1343
|
|
78
|
-
cirq/contrib/graph_device/graph_device.py,sha256=
|
|
78
|
+
cirq/contrib/graph_device/graph_device.py,sha256=bW7EeiafXW8Gas4U-0GJM1oY0aCOzZ1sWY_m8xftDvU,7942
|
|
79
79
|
cirq/contrib/graph_device/graph_device_test.py,sha256=BM4BsDDofCyOtChTQFX7SBLgGv4lgA0Yl6BKmTqzBwI,7239
|
|
80
80
|
cirq/contrib/graph_device/hypergraph.py,sha256=blulP4Q7jKpmxAqEhIuwjClIQdU-zDKmIknbNZZHPr0,4692
|
|
81
81
|
cirq/contrib/graph_device/hypergraph_test.py,sha256=uLGGLOdo0Ro4MaDevHU91pheMTX2m7-Hf1bRvJ3UrAo,3805
|
|
@@ -90,7 +90,7 @@ cirq/contrib/noise_models/noise_models_test.py,sha256=oA7HRMPDi9lv9Lqb8idF9C6Vqj
|
|
|
90
90
|
cirq/contrib/paulistring/__init__.py,sha256=1k2_MYLTMPn8AFoJvSgpN-F-6xgmDjKXRhb-FdDsFoQ,1761
|
|
91
91
|
cirq/contrib/paulistring/clifford_optimize.py,sha256=VMdivMpQnPQhgqtasce6dOPGx6x6eIZ6Z4f1H666j-I,7859
|
|
92
92
|
cirq/contrib/paulistring/clifford_optimize_test.py,sha256=8FFLg9gb1HmHHMdXPa-vCr1zyxvgdlciRH8qyfTWQRw,3964
|
|
93
|
-
cirq/contrib/paulistring/clifford_target_gateset.py,sha256=
|
|
93
|
+
cirq/contrib/paulistring/clifford_target_gateset.py,sha256=YvzjLPwU5fUIDbpaet0dO-PJZWADjh7AS0u-tjNpVHg,6344
|
|
94
94
|
cirq/contrib/paulistring/clifford_target_gateset_test.py,sha256=LUkfj_cahaclu2iByO3YsX-db-DLEWrAxZfxeKuJPdI,8792
|
|
95
95
|
cirq/contrib/paulistring/optimize.py,sha256=F02c_9nuc8a41XNsA9bzTGaW2kR3hZw-MdaQLse5xj8,2743
|
|
96
96
|
cirq/contrib/paulistring/optimize_test.py,sha256=FsmwyYFIGyyiO115oYgmCfaSV3De55Azd0_rzsi_xnU,3618
|
|
@@ -118,7 +118,7 @@ cirq/contrib/qcircuit/qcircuit_diagram_info.py,sha256=iseXGluQb8lWQ9L9mF9uJQMhIn
|
|
|
118
118
|
cirq/contrib/qcircuit/qcircuit_diagram_info_test.py,sha256=mNeqAKJwzE4sZQEadto8EFuP_UI9ckfMJFzqfBHuYhc,2429
|
|
119
119
|
cirq/contrib/qcircuit/qcircuit_pdf.py,sha256=IEuq2rQMU9x_NcU8MS9uRc5o-E_BoeJPo8ixLRBH83A,2485
|
|
120
120
|
cirq/contrib/qcircuit/qcircuit_pdf_test.py,sha256=qiR8GIopgeImoLtGD4vTzp_R3nPRhOg9pUND4Y6gRjs,1122
|
|
121
|
-
cirq/contrib/qcircuit/qcircuit_test.py,sha256=
|
|
121
|
+
cirq/contrib/qcircuit/qcircuit_test.py,sha256=Nivln1ECv4_AIUH8-2kfQH7d2E7332uvFOXXSU-AfYo,6153
|
|
122
122
|
cirq/contrib/quantum_volume/__init__.py,sha256=RF_nbmm9s9A8sLhsnb7aZnuuoeHnsvlRNuoK8nBBW2w,1038
|
|
123
123
|
cirq/contrib/quantum_volume/quantum_volume.py,sha256=BEWtmHJaqcMxczgTwj-q90cfOYQbaxi4DDyMpeTpG1w,19444
|
|
124
124
|
cirq/contrib/quantum_volume/quantum_volume_test.py,sha256=NvqrJaw0Nok2Z_71eKQQQ_xoazxIPWim8NZ14iS5CpE,12436
|
|
@@ -146,7 +146,7 @@ cirq/contrib/routing/initialization_test.py,sha256=-YzTK9rgiIjUdJnPQrhXtaxY6j5q6
|
|
|
146
146
|
cirq/contrib/routing/router.py,sha256=79h5mqaBo2PI1-bT6hbDMKJw0wRDbm6eliloP6OClMA,2591
|
|
147
147
|
cirq/contrib/routing/router_test.py,sha256=3VXVTexolCP0CKgsCSu6fMmEliQE48EcSq2uKujfJUY,6366
|
|
148
148
|
cirq/contrib/routing/swap_network.py,sha256=wQPDb3ZyIyaB1O2H7IyoZxfsGsuVn5GpdpDSURwdzj4,2379
|
|
149
|
-
cirq/contrib/routing/swap_network_test.py,sha256=
|
|
149
|
+
cirq/contrib/routing/swap_network_test.py,sha256=3xahmqi5etiksFgD1aNIqp_KnQ4JuhHeHF46h4FMGwA,4866
|
|
150
150
|
cirq/contrib/routing/utils.py,sha256=xvA1khTMBly750GVJm_pCc5uBpAHpayLGZ-Yq4m2qg8,3780
|
|
151
151
|
cirq/contrib/routing/utils_test.py,sha256=4ssy2pXdHKRv99on91ag1SgZihYEfNR96i4AuTh90nM,2057
|
|
152
152
|
cirq/contrib/shuffle_circuits/__init__.py,sha256=AL-V3OaZiaF596WTLlyxDPk0t1WMpTHpQrpRW_A9t48,832
|
|
@@ -180,7 +180,7 @@ cirq/devices/thermal_noise_model.py,sha256=LIGlA6ikYWqbh-759RqXPMDMpCV2uKHT_pRLf
|
|
|
180
180
|
cirq/devices/thermal_noise_model_test.py,sha256=vgloNkmkNes_pn0D50-LD2RUcsMJey7EN8Wm6Nc-d5U,12282
|
|
181
181
|
cirq/devices/unconstrained_device.py,sha256=wa94uVzaCPb1jmG3h6hSGJQggSuCvEK8wekkGXCOx_Q,1551
|
|
182
182
|
cirq/devices/unconstrained_device_test.py,sha256=J8vABVWWywQuX6Jlo5Y0pWTh6VZRatdmjdBL6u0kZKk,1083
|
|
183
|
-
cirq/experiments/__init__.py,sha256
|
|
183
|
+
cirq/experiments/__init__.py,sha256=-x6lZ_ccfyyr6jz9rYUMAjqLf-sZ86HR5IQPTkNT_1k,3681
|
|
184
184
|
cirq/experiments/fidelity_estimation.py,sha256=2wq4gFZ6XYzk3NUGbyNn7EZT911XEHcZot1RD4825mc,9264
|
|
185
185
|
cirq/experiments/fidelity_estimation_test.py,sha256=On0O1StB6Fo85xuK6BWo-zZWb2at-GqhAgpSrNRBn3I,4955
|
|
186
186
|
cirq/experiments/n_qubit_tomography.py,sha256=16u0Tv14SyUM9WCk-ZxbBit9cl93MbZodGrj16XiBuo,8436
|
|
@@ -215,7 +215,7 @@ cirq/experiments/benchmarking/parallel_xeb_test.py,sha256=tT_iyG9_ZU933-t2altuug
|
|
|
215
215
|
cirq/interop/__init__.py,sha256=Xt1xU9UegP_jBNa9xaeOFSgtC0lYb_HNHq4hQQ0J20k,784
|
|
216
216
|
cirq/interop/quirk/__init__.py,sha256=W11jqaExSgvoUkjM_d0Kik4R8bqETF9Ezo27CDEB3iw,1237
|
|
217
217
|
cirq/interop/quirk/url_to_circuit.py,sha256=oEyMpUxjViS-TVzN3HWg_rK2k_MEBzn1VByMoOyJMi0,14083
|
|
218
|
-
cirq/interop/quirk/url_to_circuit_test.py,sha256=
|
|
218
|
+
cirq/interop/quirk/url_to_circuit_test.py,sha256=QZK_zZlRrbPrwWYegCQVEekZizsf0qZVTR7--SroP5I,26333
|
|
219
219
|
cirq/interop/quirk/cells/__init__.py,sha256=qFnhZj9KKX1PFDSK3xEiJA5aHzOF1UUgoICJTeWHINM,1497
|
|
220
220
|
cirq/interop/quirk/cells/all_cells.py,sha256=FcmQqufelhW-LWPXbrKJsbFYtVNm44Jo1xH8k0RjL-0,2633
|
|
221
221
|
cirq/interop/quirk/cells/arithmetic_cells.py,sha256=okXTbRsVKGH2LAQ8-HfJxnUWGWkSHSomVGdnxqclvWs,13007
|
|
@@ -251,7 +251,7 @@ cirq/interop/quirk/cells/testing_test.py,sha256=Yenp4NRp9Dpem8bx4ZfW3NSDvpKL58bl
|
|
|
251
251
|
cirq/interop/quirk/cells/unsupported_cells.py,sha256=wMhcKqgEveQ5VWS4ItrWoj9uVG-rEjdFN6Tx3agAuyA,2878
|
|
252
252
|
cirq/interop/quirk/cells/unsupported_cells_test.py,sha256=yBLlmdv9X8f_-okKqcLo7gfJESZovO8RI-_jRoIC0M8,2230
|
|
253
253
|
cirq/ion/__init__.py,sha256=F6tf4JZOGpDdxX0FxT42qgq8rF96ZTFHMJ0OV09Yj1c,787
|
|
254
|
-
cirq/linalg/__init__.py,sha256=
|
|
254
|
+
cirq/linalg/__init__.py,sha256=Gzy5ZRQGAeLsGV-sDP3mK0Cs1_0MU-4753ng2Xwm-5g,4101
|
|
255
255
|
cirq/linalg/combinators.py,sha256=7V9oNSojc466NvOXyt4FMu50yDQ77iM5N4oZ37fV9tc,5347
|
|
256
256
|
cirq/linalg/combinators_test.py,sha256=GohGZwFF87XW37sZtldaG5TlDp5-DA0Nc7k2gTZIlNo,4922
|
|
257
257
|
cirq/linalg/decompositions.py,sha256=gyQQ3iwuar22ZwOV3qV9nmc6LrPr-86NMlMNS8UMIjg,38537
|
|
@@ -276,7 +276,7 @@ cirq/ops/arithmetic_operation_test.py,sha256=F5fPQF_sRWi8qyP_SgDzJ8kfX0jUVMj59_V
|
|
|
276
276
|
cirq/ops/boolean_hamiltonian.py,sha256=x25fraM9NNs-XzDKDl2AZ1AMpkVovfe-dNm_0wOolyI,14927
|
|
277
277
|
cirq/ops/boolean_hamiltonian_test.py,sha256=_4mFFrbO9C21oZYutr_pl01_bqDDxvgY_h4DWKGkse0,8630
|
|
278
278
|
cirq/ops/classically_controlled_operation.py,sha256=hj8oShyWpOD4bmKS5CTmxNftywkCnHTFi28kku1clJM,10386
|
|
279
|
-
cirq/ops/classically_controlled_operation_test.py,sha256=
|
|
279
|
+
cirq/ops/classically_controlled_operation_test.py,sha256=PPEQuO-8JbkWGqSOeLhcHug_vnaQLM_zbpKFYAS_zec,50709
|
|
280
280
|
cirq/ops/clifford_gate.py,sha256=BMjCuJq2fTFZm-Sv475qDqwsFof1kxru8zNDJOTFkL8,40055
|
|
281
281
|
cirq/ops/clifford_gate_test.py,sha256=63NR6oLpx9hn21-0b_YpYLk32GIsd_P0k0A_4EJxxAE,41313
|
|
282
282
|
cirq/ops/common_channels.py,sha256=BD8-qJDGITOSP0bJVcWGgjbI5dj2dwFkSzzWb-qgfcc,37026
|
|
@@ -295,12 +295,12 @@ cirq/ops/dense_pauli_string.py,sha256=1TijNu1D2HIbbnwLbT_f546R2L4OCQtm1bKjqhno1K
|
|
|
295
295
|
cirq/ops/dense_pauli_string_test.py,sha256=JLfTLO13Qnr9c5jZOPBTJWD4409vm7uV6vi8R7m1kOg,21517
|
|
296
296
|
cirq/ops/diagonal_gate.py,sha256=HNMxcgKgfZ2ZcXGaPhcBp6yOwu_stpSN3_GtNeWnR5s,8909
|
|
297
297
|
cirq/ops/diagonal_gate_test.py,sha256=JRQWrL4cEYzVjwal-EewyIPgThUwLdrE6f9i7ifd6Rk,6319
|
|
298
|
-
cirq/ops/eigen_gate.py,sha256=
|
|
298
|
+
cirq/ops/eigen_gate.py,sha256=OoUpOwHw6VZ2CpH0Qb-eQLD4c-cjj8wFwBr8NEc7C0g,17788
|
|
299
299
|
cirq/ops/eigen_gate_test.py,sha256=3ZN7texyQ_svk8YAaH3liZiGAgq_SBpNb46nIzKYfWM,16909
|
|
300
300
|
cirq/ops/fourier_transform.py,sha256=JMledJB0tPjLlIlG9bfapJSqass94rXkAheXragQxq8,7455
|
|
301
301
|
cirq/ops/fourier_transform_test.py,sha256=sX5TfZd9-n1WTyZcqOQ0x6yyI8k6rasywijMo3bc1ls,6426
|
|
302
302
|
cirq/ops/fsim_gate.py,sha256=xsk5xfEaUTcGeGV852KTuoE7mxlCHEXg2HZlyiszkd0,20035
|
|
303
|
-
cirq/ops/fsim_gate_test.py,sha256=
|
|
303
|
+
cirq/ops/fsim_gate_test.py,sha256=pVEJ0tfKPCr6-lMJdQjbNNhQMDAcC66XMSFFpnGJlxM,25929
|
|
304
304
|
cirq/ops/gate_features.py,sha256=OfjsIGftnGpNUDAYwSP4obG0FsMrHYfp49ZOjbvbmNE,1085
|
|
305
305
|
cirq/ops/gate_features_test.py,sha256=JYPunTBr48CQoIOB1wk2QEdPwtnmE-FxUoF6a4ZeRB8,2407
|
|
306
306
|
cirq/ops/gate_operation.py,sha256=MF8JIYEM6bQu6ft9Eb19hSOillzu8MmaIoXSlmwbm5U,13447
|
|
@@ -344,7 +344,7 @@ cirq/ops/pauli_string_phasor.py,sha256=JLKZem7rdshQ0doNvFMJmP7cLhl9lCsHAI1QlOmbm
|
|
|
344
344
|
cirq/ops/pauli_string_phasor_test.py,sha256=-1mB1WLEFlrKnSfcgR1LabTaeLYf2bvcJQdWxEImGH4,27767
|
|
345
345
|
cirq/ops/pauli_string_raw_types.py,sha256=lXW-Fv2TTv77g_7VMdQun33y4reD4p7dS7g9Nm1Id20,2256
|
|
346
346
|
cirq/ops/pauli_string_raw_types_test.py,sha256=jjFEbQxGsazsR8p4y-EK7SaTryRWagR9Hi7YuixXi6A,2684
|
|
347
|
-
cirq/ops/pauli_string_test.py,sha256=
|
|
347
|
+
cirq/ops/pauli_string_test.py,sha256=B1rEr9oUldvQ3nx0J982ldswkc3LZFllzSRoUD_Rwms,73748
|
|
348
348
|
cirq/ops/pauli_sum_exponential.py,sha256=Zq8YBMZ7sLLEPQuoX4uR95I9VY4C38Ma8FtOEjQGr3k,4861
|
|
349
349
|
cirq/ops/pauli_sum_exponential_test.py,sha256=u9fVBUMuiIb6xOPC2GRTR3zFUeO6N3vanejUk5_u9_8,5485
|
|
350
350
|
cirq/ops/permutation_gate.py,sha256=CiAWDXloj3kszU-aEarBaCXcK73_6vJkcnnHWPKjVY8,4211
|
|
@@ -367,9 +367,9 @@ cirq/ops/qubit_order_test.py,sha256=8uOW9oLLQcjbYvd2DdXZLCbRS2sJuH6b8Bal3SgPo5M,
|
|
|
367
367
|
cirq/ops/random_gate_channel.py,sha256=i4eg9GA4CF6ZWQRrICa5lfYqvdZzN8oLEWwXHcxRStM,5115
|
|
368
368
|
cirq/ops/random_gate_channel_test.py,sha256=p-xtDOMIYBJ1wVHLJmrALi-ZU978l3AVuX0kgoan1Ac,8523
|
|
369
369
|
cirq/ops/raw_types.py,sha256=saIxkSrcW4A_exDY_2rdGSpHB_jnI3Ffi4kQCB1JbZo,43592
|
|
370
|
-
cirq/ops/raw_types_test.py,sha256=
|
|
370
|
+
cirq/ops/raw_types_test.py,sha256=b9gss3KjZcp86b36Oa8q4SQ8Y8SU17cwSjsNHTrgAPY,35353
|
|
371
371
|
cirq/ops/state_preparation_channel.py,sha256=3qbqrrYaVN2eHL1qiBHcItj1Pzjxhtq10tSEkRz9GNM,4781
|
|
372
|
-
cirq/ops/state_preparation_channel_test.py,sha256=
|
|
372
|
+
cirq/ops/state_preparation_channel_test.py,sha256=BUpFTawuL5mqnmcXqPyrP0ZGPwshO664XqgvsvDpj0Y,6082
|
|
373
373
|
cirq/ops/swap_gates.py,sha256=mEDVB4pdBsbenaOahrNtAcE2B1ZPW-4vGq079rECxf4,11743
|
|
374
374
|
cirq/ops/swap_gates_test.py,sha256=8Yee6RgkQahsnB92ZD-rTb9dNqMLXdBKlgWC8qWd2uo,7624
|
|
375
375
|
cirq/ops/tags.py,sha256=nBKqDnPHunxABIOqSAHsVb2hByRAJSfGCJjTC6-AbTY,2307
|
|
@@ -424,7 +424,7 @@ cirq/protocols/pauli_expansion_protocol.py,sha256=haLt7_FJUt-jK0im4R25Gku6Zhiyu6
|
|
|
424
424
|
cirq/protocols/pauli_expansion_protocol_test.py,sha256=qKMMeJ7a8cT2xrNDdXtVabd9Hmcc5wLMOXo88_mkBM4,2780
|
|
425
425
|
cirq/protocols/phase_protocol.py,sha256=e_xsYDgs4K5poWcTBipziiz3Asuc7tGiVSBgD__Mooo,3648
|
|
426
426
|
cirq/protocols/phase_protocol_test.py,sha256=brLHtnnAhB28ErwgdkVDZlXTFsF5M7vSyNz-lxe8D0Y,1983
|
|
427
|
-
cirq/protocols/pow_protocol.py,sha256=
|
|
427
|
+
cirq/protocols/pow_protocol.py,sha256=B-bL9tgFKl_Q8o73NoAT5vLXOq28e5q0Kahu9iQWmLQ,3224
|
|
428
428
|
cirq/protocols/pow_protocol_test.py,sha256=Mf5kn0qhgStR9fEjpRVQrlF96-BJaAAcOcCRAlyFhDs,1662
|
|
429
429
|
cirq/protocols/qasm.py,sha256=7hAnBsGdePEytxqoI-TEx8S4P2NDDhVlhj-7rLFtDak,7216
|
|
430
430
|
cirq/protocols/qasm_test.py,sha256=HirWOanvVpqd9aT9s8etKBvfjbEKfpnro8Vyrq7WELc,2277
|
|
@@ -971,7 +971,7 @@ cirq/study/sweepable.py,sha256=lVzlkF9d_PaT1RSLponKzwXebGoDXQ56zwd1XEMa6h0,4338
|
|
|
971
971
|
cirq/study/sweepable_test.py,sha256=gMKkCoy8JxaCDeMTiDLdmcbBrioWs-teYOnqrri_2rI,5539
|
|
972
972
|
cirq/study/sweeps.py,sha256=HwckrE9J0Rf_oWDqVwBHy4AEdrmSxRifNumQl-eRXIw,21565
|
|
973
973
|
cirq/study/sweeps_test.py,sha256=o__dMwDQZl4R0KpK6MwqKHowWBEqopOhAfLk6BYB1V4,16336
|
|
974
|
-
cirq/testing/__init__.py,sha256=
|
|
974
|
+
cirq/testing/__init__.py,sha256=lJA1P4IJEXOj7gVkbjmW4pLVkj7Hd1RYXDHSgXu_Aek,6315
|
|
975
975
|
cirq/testing/circuit_compare.py,sha256=Fu1I4NtRFUUxI1_48wYoDWx9pkiy8s1uv4YBk9nEZOY,19173
|
|
976
976
|
cirq/testing/circuit_compare_test.py,sha256=4ov58dOiez9HSQUJDP5hW1Li2tL75Gkevts2PiyyfSU,19738
|
|
977
977
|
cirq/testing/consistent_act_on.py,sha256=YddB_0LIz8uUjSXchzGdS0a1oKdjx6RBv9t8zHkmigw,7745
|
|
@@ -1050,7 +1050,7 @@ cirq/testing/test_data/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3
|
|
|
1050
1050
|
cirq/testing/test_data/test_module_missing_json_test_data/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
1051
1051
|
cirq/testing/test_data/test_module_missing_testspec/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
1052
1052
|
cirq/testing/test_data/test_module_missing_testspec/json_test_data/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
1053
|
-
cirq/transformers/__init__.py,sha256=
|
|
1053
|
+
cirq/transformers/__init__.py,sha256=l2ylGavB6pWxXwnMsKMJhw-J7hTkEpHNZ54NA8E9S_s,7225
|
|
1054
1054
|
cirq/transformers/align.py,sha256=2uLjN5B4wNC661IGbwG5NKb-GSAW93pFCtPxuJkc6fs,3339
|
|
1055
1055
|
cirq/transformers/align_test.py,sha256=X4ysJuemqqOeKix2rO9SlwF4CBQzEYbgiqgZmlMxbsQ,7722
|
|
1056
1056
|
cirq/transformers/drop_empty_moments.py,sha256=uZJG9FpUNyA1Mi0xLDuVuhj_siZhPZ1_s08Ry9xQ-1M,1535
|
|
@@ -1058,7 +1058,7 @@ cirq/transformers/drop_empty_moments_test.py,sha256=h6Pji0z0o9KOB7fnSHseWpIAhzvx
|
|
|
1058
1058
|
cirq/transformers/drop_negligible_operations.py,sha256=eP2dP_n0BYlr8aZ1wnD8YWsqCtwN0l0O6p45RbXEpfM,2097
|
|
1059
1059
|
cirq/transformers/drop_negligible_operations_test.py,sha256=32mS4QQ8tiH3wBAAgbUU8LgwWDmvreRVEDZML_kgxyo,3859
|
|
1060
1060
|
cirq/transformers/dynamical_decoupling.py,sha256=miNFPpUGv2rLwkjujUMYEZuiamvA7x3vYTWie5jK79c,15137
|
|
1061
|
-
cirq/transformers/dynamical_decoupling_test.py,sha256=
|
|
1061
|
+
cirq/transformers/dynamical_decoupling_test.py,sha256=xpyfGHQIslnllUGq-28m_7h6L5Elbo77pLlF1NODlWw,44802
|
|
1062
1062
|
cirq/transformers/eject_phased_paulis.py,sha256=ZeVEh614OihWZtHyaBBtgpWj_dUxQGXDzf4NmBlzbeM,14725
|
|
1063
1063
|
cirq/transformers/eject_phased_paulis_test.py,sha256=AOMmOq3fWFGm2_qDyocjtF9fK7GAhC0kF550mkjtPx4,15791
|
|
1064
1064
|
cirq/transformers/eject_z.py,sha256=3u0Q0WGGAxmZuPnyiU4q04gJMnY--0nvhF4eotnSl9k,5803
|
|
@@ -1070,13 +1070,13 @@ cirq/transformers/insertion_sort_test.py,sha256=E4unAfvPrTE73zI7OnZ8vWq5BUXYpPYj
|
|
|
1070
1070
|
cirq/transformers/measurement_transformers.py,sha256=crAYKGK90drr_3GEh5t8-Z87eSE8v6uH9Xcn0OfjpOs,19496
|
|
1071
1071
|
cirq/transformers/measurement_transformers_test.py,sha256=mJKYFqqMwZnD8KXVM1tmF2kcIZXkkZKlfOU9XbGxYpQ,29019
|
|
1072
1072
|
cirq/transformers/merge_k_qubit_gates.py,sha256=v9vY3f52S9QR7D_Om4APSZ65rwJH6Z7g6Gf3pD_9H3I,4380
|
|
1073
|
-
cirq/transformers/merge_k_qubit_gates_test.py,sha256=
|
|
1073
|
+
cirq/transformers/merge_k_qubit_gates_test.py,sha256=sR5JJy9urGnXB1EFHxzBoWGzhGBGKEGGPWCWVr5ehEE,14052
|
|
1074
1074
|
cirq/transformers/merge_single_qubit_gates.py,sha256=OqQBPtKreJ7uqa7vjZpxCmX7oRN-llYMClG76TXt9kE,5806
|
|
1075
1075
|
cirq/transformers/merge_single_qubit_gates_test.py,sha256=0RgVmSuTOjiKSzmjSm8a3APwiOjRUWBzjbr7fHN4x1Y,9954
|
|
1076
1076
|
cirq/transformers/noise_adding.py,sha256=ZBS-015Kc-BnoO-lMXfEGpCXbPu4whVgTXIB-E16ApQ,4476
|
|
1077
1077
|
cirq/transformers/noise_adding_test.py,sha256=nHOoKUPBBOkWF6A_JhIO6-G0AuFkLKBCxH7e2BOem9M,2171
|
|
1078
1078
|
cirq/transformers/optimize_for_target_gateset.py,sha256=QThizLtkzvZpUK-LG77ixuZXghDyWGNn6yHkNrzYR3o,7206
|
|
1079
|
-
cirq/transformers/optimize_for_target_gateset_test.py,sha256=
|
|
1079
|
+
cirq/transformers/optimize_for_target_gateset_test.py,sha256=ghBEbbMQ8_qal1DDWTUC_DPuHaUyTr-rGaUbpP9-eGs,19606
|
|
1080
1080
|
cirq/transformers/qubit_management_transformers.py,sha256=jHgtn-Z8LRx5iiiQxd-mZVg4HkXq9spO_Tm_AvRyaHk,9433
|
|
1081
1081
|
cirq/transformers/qubit_management_transformers_test.py,sha256=QjrEx3jC1AG4YGD2VdHW59SRW1icQ-pJc3zAMkJqAvE,14051
|
|
1082
1082
|
cirq/transformers/randomized_measurements.py,sha256=J4c9ZwYRDJ2_X_QzXWds4Qe0t9ZL4Xt2XQed27Z3QuA,5709
|
|
@@ -1092,8 +1092,8 @@ cirq/transformers/tag_transformers_test.py,sha256=PqIcYFgiLU7VgC1EHkFYhxNCf0D9zK
|
|
|
1092
1092
|
cirq/transformers/transformer_api.py,sha256=Jv1bcAjBlJz36Pu-6Ye8kIQ_gVjEkpjMoVvLWjcrenk,16826
|
|
1093
1093
|
cirq/transformers/transformer_api_test.py,sha256=vz_zTDPJIfjfqORGKCxeAs3U1F3X2dFNbe50o79uY-4,13273
|
|
1094
1094
|
cirq/transformers/transformer_primitives.py,sha256=sNEWuWpCwtKVphdzQdgOKg9aLUGkNO7389Pc9OY4lOg,36522
|
|
1095
|
-
cirq/transformers/transformer_primitives_test.py,sha256=
|
|
1096
|
-
cirq/transformers/analytical_decompositions/__init__.py,sha256=
|
|
1095
|
+
cirq/transformers/transformer_primitives_test.py,sha256=JKTIjzYGIC_PPrV0VvkxxrJ_esRjL2jFTRrfgjwQO-8,41844
|
|
1096
|
+
cirq/transformers/analytical_decompositions/__init__.py,sha256=8NgcCO5GZmWHnUDa4MLmyGQbInbsO6Ot22ZeAJUZEHo,3802
|
|
1097
1097
|
cirq/transformers/analytical_decompositions/clifford_decomposition.py,sha256=sH7nesFWgYOWEl0UCUAmx6zsFQG0ibeQZpq7Imx38MY,6743
|
|
1098
1098
|
cirq/transformers/analytical_decompositions/clifford_decomposition_test.py,sha256=Svuj7abPvWyEK1W4_6M17hah-xp4Y0E_VICvGyvHeig,7138
|
|
1099
1099
|
cirq/transformers/analytical_decompositions/controlled_gate_decomposition.py,sha256=mZ5ojjxpSkQRhlRmTg0waBXAkCj7hWeEEYQRkCxjzEs,8701
|
|
@@ -1174,7 +1174,7 @@ cirq/value/digits_test.py,sha256=WDeUQTnDqZXh4JjWu_qEkzCFAtd8x1UlN9I2yjdDV3g,384
|
|
|
1174
1174
|
cirq/value/duration.py,sha256=9zhnMe7EBicqbRp267GkPz97q1y1DcnPDXHqdEjJpts,10389
|
|
1175
1175
|
cirq/value/duration_test.py,sha256=xQd5-dE8zZddsZru1P6ClV3PoeJncqLAQr3ivgZIXdQ,8281
|
|
1176
1176
|
cirq/value/linear_dict.py,sha256=0g4fWremhgnLTxjApVJzB6y0hJ9Vz-afudHltvvqkUY,12582
|
|
1177
|
-
cirq/value/linear_dict_test.py,sha256=
|
|
1177
|
+
cirq/value/linear_dict_test.py,sha256=9Kjij02FV3NDI_LjC9qq_tR3u0kycyBD5hnWUbRzXCM,20147
|
|
1178
1178
|
cirq/value/measurement_key.py,sha256=tgKhfa6UUPMP3azlF_yuARqg31T-lAAMhoTK6OtUEeQ,5175
|
|
1179
1179
|
cirq/value/measurement_key_test.py,sha256=8p7dm5zYKkvykT1F-IaEOMJDTGeqZCfUsWuvqKDLAxc,4545
|
|
1180
1180
|
cirq/value/periodic_value.py,sha256=QAIEt2Ls9ZTumQg913anBjehBidrrk6ULkQNSk4Qu-s,3936
|
|
@@ -1186,9 +1186,9 @@ cirq/value/product_state_test.py,sha256=PqIONpf7Eo2tbk-_BF_Eb_P47ui8nUO0dfz9CN-2
|
|
|
1186
1186
|
cirq/value/random_state.py,sha256=Kv3dcVif6ltJSI0RT9kSI1XeofW16jdtmo5T3pD4m9w,2099
|
|
1187
1187
|
cirq/value/random_state_test.py,sha256=AfzX82WsyyuLYnoakNOTj2PPL1fYRH5ZaH84uO-6Cvg,1394
|
|
1188
1188
|
cirq/value/timestamp.py,sha256=pC-hwfLL6U1_5937AMw6YtGgEBq71prNQ6jOjh8Kbls,3633
|
|
1189
|
-
cirq/value/timestamp_test.py,sha256=
|
|
1189
|
+
cirq/value/timestamp_test.py,sha256=PpWtv-AmuepKPyisc5JUaqQ8YOK68jK8V0e3prRXaHQ,4257
|
|
1190
1190
|
cirq/value/type_alias.py,sha256=64tVzxOqzwtKTwuqXan-PeTyjy7i6J928FCg5NtMcw4,1121
|
|
1191
|
-
cirq/value/value_equality_attr.py,sha256=
|
|
1191
|
+
cirq/value/value_equality_attr.py,sha256=kD3XRkpAp4UKCRWsoxwLjjQXnaSh1gAqMDIZH7xtbJ4,10491
|
|
1192
1192
|
cirq/value/value_equality_attr_test.py,sha256=ZWsjAlJd9M_-HONqTXcdjpIaFCilLcelyodZl1fIu2Y,6557
|
|
1193
1193
|
cirq/vis/__init__.py,sha256=YzNrNjIyUiTxKHGzYw92qzOYzx8aXkm2y_1hkfVohtU,1171
|
|
1194
1194
|
cirq/vis/density_matrix.py,sha256=7Mydxi7r1at6W0t7lH99Gq__deyCQ9RxHf-HveKLTZw,4820
|
|
@@ -1220,8 +1220,8 @@ cirq/work/sampler.py,sha256=rxbMWvrhu3gfNSBjZKozw28lLKVvBAS_1EGyPdYe8Xg,19041
|
|
|
1220
1220
|
cirq/work/sampler_test.py,sha256=SsMrRvLDYELyOAWLKISjkdEfrBwLYWRsT6D8WrsLM3Q,13533
|
|
1221
1221
|
cirq/work/zeros_sampler.py,sha256=Fs2JWwq0n9zv7_G5Rm-9vPeHUag7uctcMOHg0JTkZpc,2371
|
|
1222
1222
|
cirq/work/zeros_sampler_test.py,sha256=lQLgQDGBLtfImryys2HzQ2jOSGxHgc7-koVBUhv8qYk,3345
|
|
1223
|
-
cirq_core-1.6.0.
|
|
1224
|
-
cirq_core-1.6.0.
|
|
1225
|
-
cirq_core-1.6.0.
|
|
1226
|
-
cirq_core-1.6.0.
|
|
1227
|
-
cirq_core-1.6.0.
|
|
1223
|
+
cirq_core-1.6.0.dev20250613205825.dist-info/licenses/LICENSE,sha256=tAkwu8-AdEyGxGoSvJ2gVmQdcicWw3j1ZZueVV74M-E,11357
|
|
1224
|
+
cirq_core-1.6.0.dev20250613205825.dist-info/METADATA,sha256=n1njpHIybjaSKqJB0483h6GdV0U6Vl_eT-rFgq2D2gU,4857
|
|
1225
|
+
cirq_core-1.6.0.dev20250613205825.dist-info/WHEEL,sha256=_zCd3N1l69ArxyTb8rzEoP9TpbYXkqRFSNOD5OuxnTs,91
|
|
1226
|
+
cirq_core-1.6.0.dev20250613205825.dist-info/top_level.txt,sha256=Sz9iOxHU0IEMLSFGwiwOCaN2e9K-jFbBbtpPN1hB73g,5
|
|
1227
|
+
cirq_core-1.6.0.dev20250613205825.dist-info/RECORD,,
|
{cirq_core-1.6.0.dev20250612013443.dist-info → cirq_core-1.6.0.dev20250613205825.dist-info}/WHEEL
RENAMED
|
File without changes
|
|
File without changes
|
|
File without changes
|