cirq-core 1.6.0.dev20250702012506__py3-none-any.whl → 1.6.0.dev20250702211226__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/_version.py +1 -1
- cirq/_version_test.py +1 -1
- cirq/circuits/circuit.py +4 -2
- cirq/circuits/circuit_operation.py +2 -2
- cirq/circuits/circuit_test.py +157 -148
- cirq/circuits/moment_test.py +61 -51
- cirq/circuits/optimization_pass.py +1 -1
- cirq/circuits/text_diagram_drawer.py +6 -6
- cirq/conftest.py +4 -3
- cirq/contrib/acquaintance/bipartite_test.py +10 -8
- cirq/contrib/acquaintance/devices_test.py +3 -3
- cirq/contrib/acquaintance/executor_test.py +8 -6
- cirq/contrib/acquaintance/gates.py +1 -1
- cirq/contrib/acquaintance/gates_test.py +18 -16
- cirq/contrib/acquaintance/inspection_utils.py +7 -3
- cirq/contrib/acquaintance/permutation_test.py +24 -17
- cirq/contrib/acquaintance/shift_swap_network_test.py +7 -6
- cirq/contrib/acquaintance/strategies/quartic_paired_test.py +8 -6
- cirq/contrib/bayesian_network/bayesian_network_gate.py +2 -2
- cirq/contrib/bayesian_network/bayesian_network_gate_test.py +10 -8
- cirq/contrib/circuitdag/circuit_dag.py +2 -2
- cirq/contrib/circuitdag/circuit_dag_test.py +15 -15
- cirq/contrib/custom_simulators/custom_state_simulator_test.py +7 -3
- cirq/contrib/graph_device/graph_device.py +6 -5
- cirq/contrib/graph_device/graph_device_test.py +16 -14
- cirq/contrib/graph_device/hypergraph.py +2 -2
- cirq/contrib/graph_device/hypergraph_test.py +11 -11
- cirq/contrib/graph_device/uniform_graph_device_test.py +9 -3
- cirq/contrib/hacks/disable_validation.py +4 -1
- cirq/contrib/json.py +2 -2
- cirq/contrib/noise_models/noise_models.py +5 -5
- cirq/contrib/noise_models/noise_models_test.py +4 -0
- cirq/contrib/paulistring/pauli_string_measurement_with_readout_mitigation.py +7 -6
- cirq/contrib/paulistring/pauli_string_measurement_with_readout_mitigation_test.py +6 -9
- cirq/contrib/qcircuit/qcircuit_diagram_info.py +1 -1
- cirq/contrib/qcircuit/qcircuit_diagram_info_test.py +2 -1
- cirq/contrib/qcircuit/qcircuit_pdf.py +1 -1
- cirq/contrib/quantum_volume/quantum_volume_test.py +17 -16
- cirq/contrib/quimb/density_matrix.py +1 -1
- cirq/contrib/quimb/density_matrix_test.py +7 -7
- cirq/devices/noise_model_test.py +16 -14
- {cirq_core-1.6.0.dev20250702012506.dist-info → cirq_core-1.6.0.dev20250702211226.dist-info}/METADATA +1 -1
- {cirq_core-1.6.0.dev20250702012506.dist-info → cirq_core-1.6.0.dev20250702211226.dist-info}/RECORD +46 -46
- {cirq_core-1.6.0.dev20250702012506.dist-info → cirq_core-1.6.0.dev20250702211226.dist-info}/WHEEL +0 -0
- {cirq_core-1.6.0.dev20250702012506.dist-info → cirq_core-1.6.0.dev20250702211226.dist-info}/licenses/LICENSE +0 -0
- {cirq_core-1.6.0.dev20250702012506.dist-info → cirq_core-1.6.0.dev20250702211226.dist-info}/top_level.txt +0 -0
|
@@ -18,7 +18,7 @@ class FakeDevice(cirq.Device):
|
|
|
18
18
|
qubits = cirq.GridQubit.rect(5, 5)
|
|
19
19
|
|
|
20
20
|
|
|
21
|
-
def test_generate_model_circuit():
|
|
21
|
+
def test_generate_model_circuit() -> None:
|
|
22
22
|
"""Test that a model circuit is randomly generated."""
|
|
23
23
|
model_circuit = cirq.contrib.quantum_volume.generate_model_circuit(
|
|
24
24
|
3, 3, random_state=np.random.RandomState(1)
|
|
@@ -29,7 +29,7 @@ def test_generate_model_circuit():
|
|
|
29
29
|
assert list(model_circuit.findall_operations_with_gate_type(cirq.MeasurementGate)) == []
|
|
30
30
|
|
|
31
31
|
|
|
32
|
-
def test_generate_model_circuit_without_seed():
|
|
32
|
+
def test_generate_model_circuit_without_seed() -> None:
|
|
33
33
|
"""Test that a model circuit is randomly generated without a seed."""
|
|
34
34
|
model_circuit = cirq.contrib.quantum_volume.generate_model_circuit(3, 3)
|
|
35
35
|
|
|
@@ -38,7 +38,7 @@ def test_generate_model_circuit_without_seed():
|
|
|
38
38
|
assert list(model_circuit.findall_operations_with_gate_type(cirq.MeasurementGate)) == []
|
|
39
39
|
|
|
40
40
|
|
|
41
|
-
def test_generate_model_circuit_seed():
|
|
41
|
+
def test_generate_model_circuit_seed() -> None:
|
|
42
42
|
"""Test that a model circuit is determined by its seed ."""
|
|
43
43
|
model_circuit_1 = cirq.contrib.quantum_volume.generate_model_circuit(
|
|
44
44
|
3, 3, random_state=np.random.RandomState(1)
|
|
@@ -54,7 +54,7 @@ def test_generate_model_circuit_seed():
|
|
|
54
54
|
assert model_circuit_2 != model_circuit_3
|
|
55
55
|
|
|
56
56
|
|
|
57
|
-
def test_compute_heavy_set():
|
|
57
|
+
def test_compute_heavy_set() -> None:
|
|
58
58
|
"""Test that the heavy set can be computed from a given circuit."""
|
|
59
59
|
a, b, c = cirq.LineQubit.range(3)
|
|
60
60
|
model_circuit = cirq.Circuit(
|
|
@@ -69,7 +69,7 @@ def test_compute_heavy_set():
|
|
|
69
69
|
assert cirq.contrib.quantum_volume.compute_heavy_set(model_circuit) == [5, 7]
|
|
70
70
|
|
|
71
71
|
|
|
72
|
-
def test_sample_heavy_set():
|
|
72
|
+
def test_sample_heavy_set() -> None:
|
|
73
73
|
"""Test that we correctly sample a circuit's heavy set"""
|
|
74
74
|
|
|
75
75
|
sampler = Mock(spec=cirq.Simulator)
|
|
@@ -89,7 +89,7 @@ def test_sample_heavy_set():
|
|
|
89
89
|
assert probability == 0.75
|
|
90
90
|
|
|
91
91
|
|
|
92
|
-
def test_sample_heavy_set_with_parity():
|
|
92
|
+
def test_sample_heavy_set_with_parity() -> None:
|
|
93
93
|
"""Test that we correctly sample a circuit's heavy set with a parity map"""
|
|
94
94
|
|
|
95
95
|
sampler = Mock(spec=cirq.Simulator)
|
|
@@ -122,7 +122,7 @@ def test_sample_heavy_set_with_parity():
|
|
|
122
122
|
assert probability == 0.5
|
|
123
123
|
|
|
124
124
|
|
|
125
|
-
def test_compile_circuit_router():
|
|
125
|
+
def test_compile_circuit_router() -> None:
|
|
126
126
|
"""Tests that the given router is used."""
|
|
127
127
|
router_mock = MagicMock()
|
|
128
128
|
cirq.contrib.quantum_volume.compile_circuit(
|
|
@@ -134,7 +134,7 @@ def test_compile_circuit_router():
|
|
|
134
134
|
router_mock.assert_called()
|
|
135
135
|
|
|
136
136
|
|
|
137
|
-
def test_compile_circuit():
|
|
137
|
+
def test_compile_circuit() -> None:
|
|
138
138
|
"""Tests that we are able to compile a model circuit."""
|
|
139
139
|
compiler_mock = MagicMock(side_effect=lambda circuit: circuit)
|
|
140
140
|
a, b, c = cirq.LineQubit.range(3)
|
|
@@ -154,7 +154,7 @@ def test_compile_circuit():
|
|
|
154
154
|
compiler_mock.assert_called_with(compilation_result.circuit)
|
|
155
155
|
|
|
156
156
|
|
|
157
|
-
def test_compile_circuit_replaces_swaps():
|
|
157
|
+
def test_compile_circuit_replaces_swaps() -> None:
|
|
158
158
|
"""Tests that the compiler never sees the SwapPermutationGates from the
|
|
159
159
|
router."""
|
|
160
160
|
compiler_mock = MagicMock(side_effect=lambda circuit: circuit)
|
|
@@ -195,7 +195,7 @@ def test_compile_circuit_replaces_swaps():
|
|
|
195
195
|
)
|
|
196
196
|
|
|
197
197
|
|
|
198
|
-
def test_compile_circuit_with_readout_correction():
|
|
198
|
+
def test_compile_circuit_with_readout_correction() -> None:
|
|
199
199
|
"""Tests that we are able to compile a model circuit with readout error
|
|
200
200
|
correction."""
|
|
201
201
|
compiler_mock = MagicMock(side_effect=lambda circuit: circuit)
|
|
@@ -222,9 +222,10 @@ def test_compile_circuit_with_readout_correction():
|
|
|
222
222
|
)
|
|
223
223
|
|
|
224
224
|
|
|
225
|
-
def test_compile_circuit_multiple_routing_attempts():
|
|
225
|
+
def test_compile_circuit_multiple_routing_attempts() -> None:
|
|
226
226
|
"""Tests that we make multiple attempts at routing and keep the best one."""
|
|
227
227
|
qubits = cirq.LineQubit.range(3)
|
|
228
|
+
initial_mapping: dict[cirq.Qid, cirq.Qid]
|
|
228
229
|
initial_mapping = dict(zip(qubits, qubits))
|
|
229
230
|
more_operations = cirq.Circuit([cirq.X.on_each(qubits), cirq.Y.on_each(qubits)])
|
|
230
231
|
more_qubits = cirq.Circuit([cirq.X.on_each(cirq.LineQubit.range(4))])
|
|
@@ -252,7 +253,7 @@ def test_compile_circuit_multiple_routing_attempts():
|
|
|
252
253
|
compiler_mock.assert_called_with(well_routed)
|
|
253
254
|
|
|
254
255
|
|
|
255
|
-
def test_compile_circuit_no_routing_attempts():
|
|
256
|
+
def test_compile_circuit_no_routing_attempts() -> None:
|
|
256
257
|
"""Tests that setting no routing attempts throws an error."""
|
|
257
258
|
a, b, c = cirq.LineQubit.range(3)
|
|
258
259
|
model_circuit = cirq.Circuit([cirq.Moment([cirq.X(a), cirq.Y(b), cirq.Z(c)])])
|
|
@@ -266,7 +267,7 @@ def test_compile_circuit_no_routing_attempts():
|
|
|
266
267
|
assert e.match('Unable to get routing for circuit')
|
|
267
268
|
|
|
268
269
|
|
|
269
|
-
def test_calculate_quantum_volume_result():
|
|
270
|
+
def test_calculate_quantum_volume_result() -> None:
|
|
270
271
|
"""Test that running the main loop returns the desired result"""
|
|
271
272
|
results = cirq.contrib.quantum_volume.calculate_quantum_volume(
|
|
272
273
|
num_qubits=3,
|
|
@@ -287,7 +288,7 @@ def test_calculate_quantum_volume_result():
|
|
|
287
288
|
cirq.to_json(results, buffer)
|
|
288
289
|
|
|
289
290
|
|
|
290
|
-
def test_calculate_quantum_volume_result_with_device_graph():
|
|
291
|
+
def test_calculate_quantum_volume_result_with_device_graph() -> None:
|
|
291
292
|
"""Test that running the main loop routes the circuit onto the given device
|
|
292
293
|
graph"""
|
|
293
294
|
device_qubits = [cirq.GridQubit(i, j) for i in range(2) for j in range(3)]
|
|
@@ -308,7 +309,7 @@ def test_calculate_quantum_volume_result_with_device_graph():
|
|
|
308
309
|
)
|
|
309
310
|
|
|
310
311
|
|
|
311
|
-
def test_calculate_quantum_volume_loop():
|
|
312
|
+
def test_calculate_quantum_volume_loop() -> None:
|
|
312
313
|
"""Test that calculate_quantum_volume is able to run without erring."""
|
|
313
314
|
# Keep test from taking a long time by lowering circuits and routing
|
|
314
315
|
# attempts.
|
|
@@ -323,7 +324,7 @@ def test_calculate_quantum_volume_loop():
|
|
|
323
324
|
)
|
|
324
325
|
|
|
325
326
|
|
|
326
|
-
def test_calculate_quantum_volume_loop_with_readout_correction():
|
|
327
|
+
def test_calculate_quantum_volume_loop_with_readout_correction() -> None:
|
|
327
328
|
"""Test that calculate_quantum_volume is able to run without erring with
|
|
328
329
|
readout error correction."""
|
|
329
330
|
# Keep test from taking a long time by lowering circuits and routing
|
|
@@ -197,7 +197,7 @@ def circuit_to_density_matrix_tensors(
|
|
|
197
197
|
|
|
198
198
|
|
|
199
199
|
def tensor_density_matrix(
|
|
200
|
-
circuit: cirq.Circuit, qubits:
|
|
200
|
+
circuit: cirq.Circuit, qubits: Sequence[cirq.Qid] | None = None
|
|
201
201
|
) -> np.ndarray:
|
|
202
202
|
"""Given a circuit with mixtures or channels, contract a tensor network
|
|
203
203
|
representing the resultant density matrix.
|
|
@@ -8,7 +8,7 @@ import cirq
|
|
|
8
8
|
import cirq.contrib.quimb as ccq
|
|
9
9
|
|
|
10
10
|
|
|
11
|
-
def test_tensor_density_matrix_1():
|
|
11
|
+
def test_tensor_density_matrix_1() -> None:
|
|
12
12
|
q = cirq.LineQubit.range(2)
|
|
13
13
|
c = cirq.Circuit(cirq.YPowGate(exponent=0.25).on(q[0]))
|
|
14
14
|
|
|
@@ -17,7 +17,7 @@ def test_tensor_density_matrix_1():
|
|
|
17
17
|
np.testing.assert_allclose(rho1, rho2, atol=1e-15)
|
|
18
18
|
|
|
19
19
|
|
|
20
|
-
def test_tensor_density_matrix_optional_qubits():
|
|
20
|
+
def test_tensor_density_matrix_optional_qubits() -> None:
|
|
21
21
|
q = cirq.LineQubit.range(2)
|
|
22
22
|
c = cirq.Circuit(cirq.YPowGate(exponent=0.25).on(q[0]))
|
|
23
23
|
|
|
@@ -26,7 +26,7 @@ def test_tensor_density_matrix_optional_qubits():
|
|
|
26
26
|
np.testing.assert_allclose(rho1, rho2, atol=1e-15)
|
|
27
27
|
|
|
28
28
|
|
|
29
|
-
def test_tensor_density_matrix_noise_1():
|
|
29
|
+
def test_tensor_density_matrix_noise_1() -> None:
|
|
30
30
|
q = cirq.LineQubit.range(2)
|
|
31
31
|
c = cirq.Circuit(
|
|
32
32
|
cirq.YPowGate(exponent=0.25).on(q[0]),
|
|
@@ -39,7 +39,7 @@ def test_tensor_density_matrix_noise_1():
|
|
|
39
39
|
np.testing.assert_allclose(rho1, rho2, atol=1e-15)
|
|
40
40
|
|
|
41
41
|
|
|
42
|
-
def test_tensor_density_matrix_2():
|
|
42
|
+
def test_tensor_density_matrix_2() -> None:
|
|
43
43
|
q = cirq.LineQubit.range(2)
|
|
44
44
|
rs = np.random.RandomState(52)
|
|
45
45
|
for _ in range(10):
|
|
@@ -50,7 +50,7 @@ def test_tensor_density_matrix_2():
|
|
|
50
50
|
np.testing.assert_allclose(rho1, rho2, atol=1e-8)
|
|
51
51
|
|
|
52
52
|
|
|
53
|
-
def test_tensor_density_matrix_3():
|
|
53
|
+
def test_tensor_density_matrix_3() -> None:
|
|
54
54
|
qubits = cirq.LineQubit.range(10)
|
|
55
55
|
circuit = cirq.testing.random_circuit(qubits=qubits, n_moments=10, op_density=0.8)
|
|
56
56
|
rho1 = cirq.final_density_matrix(circuit, dtype=np.complex128)
|
|
@@ -58,7 +58,7 @@ def test_tensor_density_matrix_3():
|
|
|
58
58
|
np.testing.assert_allclose(rho1, rho2, atol=1e-8)
|
|
59
59
|
|
|
60
60
|
|
|
61
|
-
def test_tensor_density_matrix_4():
|
|
61
|
+
def test_tensor_density_matrix_4() -> None:
|
|
62
62
|
qubits = cirq.LineQubit.range(4)
|
|
63
63
|
circuit = cirq.testing.random_circuit(qubits=qubits, n_moments=100, op_density=0.8)
|
|
64
64
|
circuit = cirq.drop_empty_moments(circuit)
|
|
@@ -69,7 +69,7 @@ def test_tensor_density_matrix_4():
|
|
|
69
69
|
np.testing.assert_allclose(rho1, rho2, atol=1e-8)
|
|
70
70
|
|
|
71
71
|
|
|
72
|
-
def test_tensor_density_matrix_gridqubit():
|
|
72
|
+
def test_tensor_density_matrix_gridqubit() -> None:
|
|
73
73
|
qubits = cirq.GridQubit.rect(2, 2)
|
|
74
74
|
circuit = cirq.testing.random_circuit(qubits=qubits, n_moments=10, op_density=0.8)
|
|
75
75
|
circuit = cirq.drop_empty_moments(circuit)
|
cirq/devices/noise_model_test.py
CHANGED
|
@@ -25,13 +25,15 @@ from cirq.devices.noise_model import validate_all_measurements
|
|
|
25
25
|
from cirq.testing import assert_equivalent_op_tree
|
|
26
26
|
|
|
27
27
|
|
|
28
|
-
def assert_equivalent_op_tree_sequence(
|
|
28
|
+
def assert_equivalent_op_tree_sequence(
|
|
29
|
+
x: Sequence[cirq.OP_TREE], y: Sequence[cirq.OP_TREE]
|
|
30
|
+
) -> None:
|
|
29
31
|
assert len(x) == len(y)
|
|
30
32
|
for a, b in zip(x, y):
|
|
31
33
|
assert_equivalent_op_tree(a, b)
|
|
32
34
|
|
|
33
35
|
|
|
34
|
-
def test_requires_one_override():
|
|
36
|
+
def test_requires_one_override() -> None:
|
|
35
37
|
class C(cirq.NoiseModel):
|
|
36
38
|
pass
|
|
37
39
|
|
|
@@ -39,7 +41,7 @@ def test_requires_one_override():
|
|
|
39
41
|
_ = C()
|
|
40
42
|
|
|
41
43
|
|
|
42
|
-
def test_infers_other_methods():
|
|
44
|
+
def test_infers_other_methods() -> None:
|
|
43
45
|
q = cirq.LineQubit(0)
|
|
44
46
|
|
|
45
47
|
class NoiseModelWithNoisyMomentListMethod(cirq.NoiseModel):
|
|
@@ -93,7 +95,7 @@ def test_infers_other_methods():
|
|
|
93
95
|
)
|
|
94
96
|
|
|
95
97
|
|
|
96
|
-
def test_no_noise():
|
|
98
|
+
def test_no_noise() -> None:
|
|
97
99
|
q = cirq.LineQubit(0)
|
|
98
100
|
m = cirq.Moment([cirq.X(q)])
|
|
99
101
|
assert cirq.NO_NOISE.noisy_operation(cirq.X(q)) == cirq.X(q)
|
|
@@ -104,7 +106,7 @@ def test_no_noise():
|
|
|
104
106
|
cirq.testing.assert_equivalent_repr(cirq.NO_NOISE)
|
|
105
107
|
|
|
106
108
|
|
|
107
|
-
def test_constant_qubit_noise():
|
|
109
|
+
def test_constant_qubit_noise() -> None:
|
|
108
110
|
a, b, c = cirq.LineQubit.range(3)
|
|
109
111
|
damp = cirq.amplitude_damp(0.5)
|
|
110
112
|
damp_all = cirq.ConstantQubitNoiseModel(damp)
|
|
@@ -126,7 +128,7 @@ def test_constant_qubit_noise():
|
|
|
126
128
|
_ = cirq.ConstantQubitNoiseModel(cirq.CNOT**0.01)
|
|
127
129
|
|
|
128
130
|
|
|
129
|
-
def test_constant_qubit_noise_prepend():
|
|
131
|
+
def test_constant_qubit_noise_prepend() -> None:
|
|
130
132
|
a, b, c = cirq.LineQubit.range(3)
|
|
131
133
|
damp = cirq.amplitude_damp(0.5)
|
|
132
134
|
damp_all = cirq.ConstantQubitNoiseModel(damp, prepend=True)
|
|
@@ -145,7 +147,7 @@ def test_constant_qubit_noise_prepend():
|
|
|
145
147
|
cirq.testing.assert_equivalent_repr(damp_all)
|
|
146
148
|
|
|
147
149
|
|
|
148
|
-
def test_noise_composition():
|
|
150
|
+
def test_noise_composition() -> None:
|
|
149
151
|
# Verify that noise models can be composed without regard to ordering, as
|
|
150
152
|
# long as the noise operators commute with one another.
|
|
151
153
|
a, b, c = cirq.LineQubit.range(3)
|
|
@@ -174,11 +176,11 @@ def test_noise_composition():
|
|
|
174
176
|
assert_equivalent_op_tree(actual_zs, expected_circuit)
|
|
175
177
|
|
|
176
178
|
|
|
177
|
-
def test_constant_qubit_noise_repr():
|
|
179
|
+
def test_constant_qubit_noise_repr() -> None:
|
|
178
180
|
cirq.testing.assert_equivalent_repr(cirq.ConstantQubitNoiseModel(cirq.X**0.01))
|
|
179
181
|
|
|
180
182
|
|
|
181
|
-
def test_wrap():
|
|
183
|
+
def test_wrap() -> None:
|
|
182
184
|
class Forget(cirq.NoiseModel):
|
|
183
185
|
def noisy_operation(self, operation):
|
|
184
186
|
raise NotImplementedError()
|
|
@@ -195,13 +197,13 @@ def test_wrap():
|
|
|
195
197
|
assert cirq.NoiseModel.from_noise_model_like(forget) is forget
|
|
196
198
|
|
|
197
199
|
with pytest.raises(TypeError, match='Expected a NOISE_MODEL_LIKE'):
|
|
198
|
-
_ = cirq.NoiseModel.from_noise_model_like('test')
|
|
200
|
+
_ = cirq.NoiseModel.from_noise_model_like('test') # type: ignore[arg-type]
|
|
199
201
|
|
|
200
202
|
with pytest.raises(ValueError, match='Multi-qubit gate'):
|
|
201
203
|
_ = cirq.NoiseModel.from_noise_model_like(cirq.CZ**0.01)
|
|
202
204
|
|
|
203
205
|
|
|
204
|
-
def test_gate_substitution_noise_model():
|
|
206
|
+
def test_gate_substitution_noise_model() -> None:
|
|
205
207
|
def _overrotation(op):
|
|
206
208
|
if isinstance(op.gate, cirq.XPowGate):
|
|
207
209
|
return cirq.XPowGate(exponent=op.gate.exponent + 0.1).on(*op.qubits)
|
|
@@ -217,14 +219,14 @@ def test_gate_substitution_noise_model():
|
|
|
217
219
|
np.testing.assert_allclose(rho1, rho2)
|
|
218
220
|
|
|
219
221
|
|
|
220
|
-
def test_moment_is_measurements():
|
|
222
|
+
def test_moment_is_measurements() -> None:
|
|
221
223
|
q = cirq.LineQubit.range(2)
|
|
222
224
|
circ = cirq.Circuit([cirq.X(q[0]), cirq.X(q[1]), cirq.measure(*q, key='z')])
|
|
223
225
|
assert not validate_all_measurements(circ[0])
|
|
224
226
|
assert validate_all_measurements(circ[1])
|
|
225
227
|
|
|
226
228
|
|
|
227
|
-
def test_moment_is_measurements_mixed1():
|
|
229
|
+
def test_moment_is_measurements_mixed1() -> None:
|
|
228
230
|
q = cirq.LineQubit.range(2)
|
|
229
231
|
circ = cirq.Circuit([cirq.X(q[0]), cirq.X(q[1]), cirq.measure(q[0], key='z'), cirq.Z(q[1])])
|
|
230
232
|
assert not validate_all_measurements(circ[0])
|
|
@@ -233,7 +235,7 @@ def test_moment_is_measurements_mixed1():
|
|
|
233
235
|
assert e.match(".*must be homogeneous: all measurements.*")
|
|
234
236
|
|
|
235
237
|
|
|
236
|
-
def test_moment_is_measurements_mixed2():
|
|
238
|
+
def test_moment_is_measurements_mixed2() -> None:
|
|
237
239
|
q = cirq.LineQubit.range(2)
|
|
238
240
|
circ = cirq.Circuit([cirq.X(q[0]), cirq.X(q[1]), cirq.Z(q[0]), cirq.measure(q[1], key='z')])
|
|
239
241
|
assert not validate_all_measurements(circ[0])
|
{cirq_core-1.6.0.dev20250702012506.dist-info → cirq_core-1.6.0.dev20250702211226.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.dev20250702211226
|
|
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.dev20250702012506.dist-info → cirq_core-1.6.0.dev20250702211226.dist-info}/RECORD
RENAMED
|
@@ -4,9 +4,9 @@ cirq/_compat_test.py,sha256=emXpdD5ZvwLRlFAoQB8YatmZyU3b4e9jg6FppMTUhkU,33900
|
|
|
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=
|
|
9
|
-
cirq/conftest.py,sha256=
|
|
7
|
+
cirq/_version.py,sha256=NblDX4inxmdzZB7Fya19QCXRKT4-5brcbUwEeA5P-70,1278
|
|
8
|
+
cirq/_version_test.py,sha256=MEkxBto_F4gVJFCgeOaRTa8SrCpmCyK4rGLAh4rPlK0,155
|
|
9
|
+
cirq/conftest.py,sha256=wSDKNdIQRDfLnXvOCWD3erheOw8JHRhdfQ53EyTUIXg,1239
|
|
10
10
|
cirq/json_resolver_cache.py,sha256=hYyG53VJeV61X0oukK5ndZYega8lkL2FyaL1m0j6h5M,13556
|
|
11
11
|
cirq/py.typed,sha256=VFSlmh_lNwnaXzwY-ZuW-C2Ws5PkuDoVgBdNCs0jXJE,63
|
|
12
12
|
cirq/circuits/__init__.py,sha256=HKunqRpZoDmjy1IiK9Cn84MTGT84_PMeQ5VDCPafcWk,1335
|
|
@@ -16,45 +16,45 @@ cirq/circuits/_box_drawing_character_data.py,sha256=hExbMJHm9LGORhlhNiUvPiHquv4p
|
|
|
16
16
|
cirq/circuits/_box_drawing_character_data_test.py,sha256=GyiNQDtiu_drzEe_y8DOXCFRYDKr2k8KetXN5RVDp18,1668
|
|
17
17
|
cirq/circuits/_bucket_priority_queue.py,sha256=U564r2mou4aZsOlpVYiZCgirqS6mVznG3ESyawBt4gE,6749
|
|
18
18
|
cirq/circuits/_bucket_priority_queue_test.py,sha256=MOby-UKYZQMe2n4KhqkfDCPrz-T_3eBbWDEa0_nadJQ,5627
|
|
19
|
-
cirq/circuits/circuit.py,sha256=
|
|
20
|
-
cirq/circuits/circuit_operation.py,sha256=
|
|
19
|
+
cirq/circuits/circuit.py,sha256=qrqB_dxLSOBOL39NP9yEibApEPtZc8AiHx71GJK6aWM,119540
|
|
20
|
+
cirq/circuits/circuit_operation.py,sha256=Bkmf3rY0QYwS8UC1c1rJpvfbSrQcYVkvSX45Hv059uQ,36302
|
|
21
21
|
cirq/circuits/circuit_operation_test.py,sha256=JqRjSqt--Weceog4CAl4iZW8CNy0qJ_2svUyeAR6D-s,49411
|
|
22
|
-
cirq/circuits/circuit_test.py,sha256=
|
|
22
|
+
cirq/circuits/circuit_test.py,sha256=onltKv_LnYK9qqqUpIYgitVtoGyBIDA1LqgLAPT0JdI,164304
|
|
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
27
|
cirq/circuits/moment.py,sha256=H6PRIo6HajNjeP-Wx5c2xiF31id56fr0FywelO3KZwY,25900
|
|
28
|
-
cirq/circuits/moment_test.py,sha256=
|
|
29
|
-
cirq/circuits/optimization_pass.py,sha256=
|
|
28
|
+
cirq/circuits/moment_test.py,sha256=4zLOOyF-ckx_gKJMJI4ylugcqQDf7Sy2_FQgmdG-L5c,31770
|
|
29
|
+
cirq/circuits/optimization_pass.py,sha256=W_YYo_9uy5h4ijU_In5n7gG3EvCVp1cJbE1pHD9ci74,6481
|
|
30
30
|
cirq/circuits/optimization_pass_test.py,sha256=FvCCOZrqVQLYrf_BUAZ6M-sm6dMv00_xsvpN25Op1BA,5914
|
|
31
31
|
cirq/circuits/qasm_output.py,sha256=qclnyiEnRzkcr0JqzzABuiHD3INkiALmhl1jCW0AYNk,13079
|
|
32
32
|
cirq/circuits/qasm_output_test.py,sha256=e2TsMMVZLzyCYh6U3umPtusxmeiLJDunmsgFRa5p7E0,14048
|
|
33
|
-
cirq/circuits/text_diagram_drawer.py,sha256=
|
|
33
|
+
cirq/circuits/text_diagram_drawer.py,sha256=G2fJcoyUP0ikrhTluFo4lULCEXKJI0dai5lBtHm0f14,16485
|
|
34
34
|
cirq/circuits/text_diagram_drawer_test.py,sha256=YBe8zT7BDENoR-gA3l77mtRj6vxY3kVVZ4FqBO_WwsY,11031
|
|
35
35
|
cirq/contrib/__init__.py,sha256=DSA8bHVvPSivnEtLS2WmAa89pzGxK8u2MyMHwpJ3HSM,1121
|
|
36
|
-
cirq/contrib/json.py,sha256=
|
|
36
|
+
cirq/contrib/json.py,sha256=U7mSvxAITKkeXVqN3hCyTVGM2Mzb2chxdU3tXp6Q0c8,827
|
|
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=6MFUyDjhX6uoqVOmb7uMf7HFC-AY6-Oi3TXQcH416LE,16240
|
|
41
41
|
cirq/contrib/acquaintance/devices.py,sha256=RV03R0Ie_OGAQXQ80TQZWvs-D9443AjTXZcXSAkEskg,3051
|
|
42
|
-
cirq/contrib/acquaintance/devices_test.py,sha256=
|
|
42
|
+
cirq/contrib/acquaintance/devices_test.py,sha256=X2qBUFZ5V1yv6nTnlZ-ncVNspd_nlGBqXmVpw1yw4NY,1285
|
|
43
43
|
cirq/contrib/acquaintance/executor.py,sha256=PcdI1a8H1KrNWI0Es8S4PdEKrvC1vG-K8lPHcZiaymM,8626
|
|
44
|
-
cirq/contrib/acquaintance/executor_test.py,sha256=
|
|
45
|
-
cirq/contrib/acquaintance/gates.py,sha256=
|
|
46
|
-
cirq/contrib/acquaintance/gates_test.py,sha256=
|
|
47
|
-
cirq/contrib/acquaintance/inspection_utils.py,sha256=
|
|
44
|
+
cirq/contrib/acquaintance/executor_test.py,sha256=ifm7TOh1ilbHkHqGJWHwUeZTZ81icx_ZoCSDRiXh2Bw,8117
|
|
45
|
+
cirq/contrib/acquaintance/gates.py,sha256=zj158yhzPGKGbLQFaiVWeXDisn-ZwHFsKZBYt0VCL_k,13500
|
|
46
|
+
cirq/contrib/acquaintance/gates_test.py,sha256=_LLwe3AfvIB5huIhL7KVj8wW1D9_dVVrcFKsGF_jEqw,15189
|
|
47
|
+
cirq/contrib/acquaintance/inspection_utils.py,sha256=1DNusOpdv4_NoGnenN1oNEgWKYPrxJkankgpfH2Uvd4,2721
|
|
48
48
|
cirq/contrib/acquaintance/inspection_utils_test.py,sha256=e2mLz0Wc-6dGTdBcfiW94fYIxW0pg-W1ePalO6bCR7M,1478
|
|
49
49
|
cirq/contrib/acquaintance/mutation_utils.py,sha256=jnLy8Xg1kFC_7UHENaqGFpvPjmZBu-vs2vu-vIUoupg,4716
|
|
50
50
|
cirq/contrib/acquaintance/mutation_utils_test.py,sha256=_wDNSWIUAkgFa8T6xlcxP0bItLpEiSGd37mdDgEobq0,7900
|
|
51
51
|
cirq/contrib/acquaintance/optimizers.py,sha256=f9FZF-JvKoLYYz6H3rDs3tbrCzX33v1aCRDNKmWT84I,2099
|
|
52
52
|
cirq/contrib/acquaintance/optimizers_test.py,sha256=SGNvMoW73sdqVJr08NvXJeQvd0zg2y1rOB6iUEeHDsA,2500
|
|
53
53
|
cirq/contrib/acquaintance/permutation.py,sha256=CF4TzVXxVaZ6dpINxAEbPx2jGsNcCHEk_gB6eygJvaA,11733
|
|
54
|
-
cirq/contrib/acquaintance/permutation_test.py,sha256=
|
|
54
|
+
cirq/contrib/acquaintance/permutation_test.py,sha256=ViasEAugHY4YzpULAqek5lOWnS8DwRMrS_9vsTKYNGU,11913
|
|
55
55
|
cirq/contrib/acquaintance/shift.py,sha256=IgOChH9A8sAgjJgia_c6tf2BBiuq2HRG6S544HDrqPI,3071
|
|
56
56
|
cirq/contrib/acquaintance/shift_swap_network.py,sha256=gT8A7ASsrL3DCwdnzZuUZEkyfkAHBbOEwQfCFVhQDtU,5285
|
|
57
|
-
cirq/contrib/acquaintance/shift_swap_network_test.py,sha256=
|
|
57
|
+
cirq/contrib/acquaintance/shift_swap_network_test.py,sha256=AIG4kihV_HE04tL065GL9a2NpJChaV6F0rTCqF6q_mg,11722
|
|
58
58
|
cirq/contrib/acquaintance/shift_test.py,sha256=srf0_Sa-k6xIzwY9lCCwGn7ev2fFnJ4la1OHy9XmgX0,4639
|
|
59
59
|
cirq/contrib/acquaintance/testing.py,sha256=YMgVGA9ZUMOeQ5tiwbzeZQ6HyQpDyZ5vMoHAVJHHy6Y,1618
|
|
60
60
|
cirq/contrib/acquaintance/topological_sort.py,sha256=u01U9Z8WjHzF3jD1IC_wpdqJ67OtaDZln1jUhkkTi3M,2980
|
|
@@ -64,29 +64,29 @@ cirq/contrib/acquaintance/strategies/complete.py,sha256=Ty3ua6PC80y_J1lyCOmzoRmM
|
|
|
64
64
|
cirq/contrib/acquaintance/strategies/cubic.py,sha256=NwjnMu0o6_wa657rvDp7oF-Iszhchk8ivyYAsP6qxEg,3173
|
|
65
65
|
cirq/contrib/acquaintance/strategies/cubic_test.py,sha256=ew1VlBa-FuhWQnMt1sqngM-fyfJhNLNKs4ZvYHc0ofs,1599
|
|
66
66
|
cirq/contrib/acquaintance/strategies/quartic_paired.py,sha256=XMyTgC59egPIANVfdJ7NbZ-Y4f5K0hEZPJ5GrtqsoBE,2570
|
|
67
|
-
cirq/contrib/acquaintance/strategies/quartic_paired_test.py,sha256=
|
|
67
|
+
cirq/contrib/acquaintance/strategies/quartic_paired_test.py,sha256=xs_gRngn9XpeF-WiTpHv2fbkyi-WZmq517qj0LUGF38,2292
|
|
68
68
|
cirq/contrib/bayesian_network/__init__.py,sha256=gR0nRY83RmjX_W16Q2lMpXYOm6wD0Fw8kbRpfOVUZ9I,701
|
|
69
|
-
cirq/contrib/bayesian_network/bayesian_network_gate.py,sha256=
|
|
70
|
-
cirq/contrib/bayesian_network/bayesian_network_gate_test.py,sha256=
|
|
69
|
+
cirq/contrib/bayesian_network/bayesian_network_gate.py,sha256=ACPACTjbkSI8hWRs3Y52cKchqZazwSCWELH6-LAh61o,9123
|
|
70
|
+
cirq/contrib/bayesian_network/bayesian_network_gate_test.py,sha256=o741oAQcDCbt8Ms_UsySUtfSB4ZpzyoSvTsWwBcBBOc,6007
|
|
71
71
|
cirq/contrib/circuitdag/__init__.py,sha256=0FBbgVjA_nbQQH_B1RkRVotqtWLTcqsh7IPxKnvPPvs,745
|
|
72
|
-
cirq/contrib/circuitdag/circuit_dag.py,sha256=
|
|
73
|
-
cirq/contrib/circuitdag/circuit_dag_test.py,sha256=
|
|
72
|
+
cirq/contrib/circuitdag/circuit_dag.py,sha256=R0J-FZ4ynk760C7eUuyf_4ORtd7Q6rFViUy_Qpm2Vsw,6913
|
|
73
|
+
cirq/contrib/circuitdag/circuit_dag_test.py,sha256=r6L21qD8tzLCgfKhnXK0QuNQ_v6aii5W0wyujoYcnAg,8378
|
|
74
74
|
cirq/contrib/custom_simulators/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
75
75
|
cirq/contrib/custom_simulators/custom_state_simulator.py,sha256=dSTlTiFwXicJxQA4yHREGF7aJnkafNVrf74w9hkMsYQ,3210
|
|
76
|
-
cirq/contrib/custom_simulators/custom_state_simulator_test.py,sha256=
|
|
76
|
+
cirq/contrib/custom_simulators/custom_state_simulator_test.py,sha256=Y8zYZzxpzK75FtQLHg_ObsCBiHRCSGLvbi4gFz-JCZ4,8018
|
|
77
77
|
cirq/contrib/graph_device/__init__.py,sha256=Q7tjzfme7cMypjdg8lPKxNrVHIv2e7WFabBwxj4VsCU,1343
|
|
78
|
-
cirq/contrib/graph_device/graph_device.py,sha256=
|
|
79
|
-
cirq/contrib/graph_device/graph_device_test.py,sha256=
|
|
80
|
-
cirq/contrib/graph_device/hypergraph.py,sha256=
|
|
81
|
-
cirq/contrib/graph_device/hypergraph_test.py,sha256=
|
|
78
|
+
cirq/contrib/graph_device/graph_device.py,sha256=R_K2Nl7q3d-wjI0Fx8P1r_ZuVDRv9FMPN0daUy1vFaY,8088
|
|
79
|
+
cirq/contrib/graph_device/graph_device_test.py,sha256=2ieFjKxSSC5VFBrWJGEi3_o5c-hEVU-BHewMgD-OUrQ,7531
|
|
80
|
+
cirq/contrib/graph_device/hypergraph.py,sha256=FBzBb7-yVc3Tv4lOHQr1xdhyme5LCT3iFhZWPO3BT3o,4708
|
|
81
|
+
cirq/contrib/graph_device/hypergraph_test.py,sha256=eiF2BcNVaWvMe1X3YtiR8uy-k70J9GEbUXLTIrrx8g4,3965
|
|
82
82
|
cirq/contrib/graph_device/uniform_graph_device.py,sha256=H3DAC0JLTJvtivoY2yRV6ID3Rvc1ltvePBZU59KoAZY,2372
|
|
83
|
-
cirq/contrib/graph_device/uniform_graph_device_test.py,sha256=
|
|
83
|
+
cirq/contrib/graph_device/uniform_graph_device_test.py,sha256=M7cxp4UEbhTf-kdVUc2EpRJPRQyjo82K_UJBbSSEvT0,1871
|
|
84
84
|
cirq/contrib/hacks/__init__.py,sha256=C1uZ1J79EG0dmPxj29mnjdfx6aRU6moz6QAD9PFGUYM,584
|
|
85
|
-
cirq/contrib/hacks/disable_validation.py,sha256=
|
|
85
|
+
cirq/contrib/hacks/disable_validation.py,sha256=cOqo4QUtbDu1PAOUCQRjT8EKE_AImbQr2rwGi0AOO0k,1530
|
|
86
86
|
cirq/contrib/hacks/disable_validation_test.py,sha256=sz319WQwkSvkAUr913lhlrh1NM7-ozMffb3MxCjbwgY,1755
|
|
87
87
|
cirq/contrib/noise_models/__init__.py,sha256=O3wvaQ6kyNZzwsCnMMZvr2EyS76LpO9xnVZ69a2obv0,957
|
|
88
|
-
cirq/contrib/noise_models/noise_models.py,sha256=
|
|
89
|
-
cirq/contrib/noise_models/noise_models_test.py,sha256=
|
|
88
|
+
cirq/contrib/noise_models/noise_models.py,sha256=3uiZh9xXSr_Q29vHnJlMRBiYdgwd2kyAfXD74Tt2pP4,7754
|
|
89
|
+
cirq/contrib/noise_models/noise_models_test.py,sha256=LRYFQx_-zHb205RnlVKSnpSZOx_KG6Me7_5sW-_S9m8,10744
|
|
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
|
|
@@ -96,8 +96,8 @@ cirq/contrib/paulistring/optimize.py,sha256=F02c_9nuc8a41XNsA9bzTGaW2kR3hZw-MdaQ
|
|
|
96
96
|
cirq/contrib/paulistring/optimize_test.py,sha256=FsmwyYFIGyyiO115oYgmCfaSV3De55Azd0_rzsi_xnU,3618
|
|
97
97
|
cirq/contrib/paulistring/pauli_string_dag.py,sha256=28bUVNsIS9WYKdyYCNIVrkRwqQOKlkpmCacWow6N6D0,1142
|
|
98
98
|
cirq/contrib/paulistring/pauli_string_dag_test.py,sha256=nH_1h5LQobV9rb5gitLmrvpIwWwrcRmNdUGDAhFMZtI,1168
|
|
99
|
-
cirq/contrib/paulistring/pauli_string_measurement_with_readout_mitigation.py,sha256=
|
|
100
|
-
cirq/contrib/paulistring/pauli_string_measurement_with_readout_mitigation_test.py,sha256=
|
|
99
|
+
cirq/contrib/paulistring/pauli_string_measurement_with_readout_mitigation.py,sha256=otBl5RV6Xsvv1M2Ze6mSz7_wSzsvWt_K7kDWbJNqXYg,21087
|
|
100
|
+
cirq/contrib/paulistring/pauli_string_measurement_with_readout_mitigation_test.py,sha256=e8WaWlBC0HDhkBNG9TMZ_3eT-dFHW3jnGd1ftQbXoo0,36841
|
|
101
101
|
cirq/contrib/paulistring/pauli_string_optimize.py,sha256=ejHf7Bo0iUvnNBeZ5IN0bT0SIXF79DSGr1NxoAyVfiQ,2960
|
|
102
102
|
cirq/contrib/paulistring/pauli_string_optimize_test.py,sha256=_14FS9TAvzRsmnTZxJUsMXPNcenv5mb0eD2gGTxvohE,2955
|
|
103
103
|
cirq/contrib/paulistring/recombine.py,sha256=phJ-SY4zdqZpIZca0iSsY0lK6NdXd0M0sOOWnUdGn5U,4353
|
|
@@ -114,17 +114,17 @@ cirq/contrib/qasm_import/qasm.py,sha256=k_uX-ITaxHRcrP87kuUNgudloG_ns0HURJLoyq4s
|
|
|
114
114
|
cirq/contrib/qasm_import/qasm_test.py,sha256=mwgl7dIOt50hvxTVTiy1HpVxAjyBSb59R3_Hi-5LUIU,1906
|
|
115
115
|
cirq/contrib/qcircuit/__init__.py,sha256=6-pIZQUK3LlPVGiPFI7HJTl2_O1P-Rts0MsdDgQZaZ0,1000
|
|
116
116
|
cirq/contrib/qcircuit/qcircuit_diagram.py,sha256=pwaqM9CERfePRxH6Xx3PtMLVIcN1Z375DYfAhpkDVAs,2780
|
|
117
|
-
cirq/contrib/qcircuit/qcircuit_diagram_info.py,sha256=
|
|
118
|
-
cirq/contrib/qcircuit/qcircuit_diagram_info_test.py,sha256=
|
|
119
|
-
cirq/contrib/qcircuit/qcircuit_pdf.py,sha256=
|
|
117
|
+
cirq/contrib/qcircuit/qcircuit_diagram_info.py,sha256=PLJcrv8u3MoLQOC7XzUa6jb54lI8pCFn0zsO2BbnVr0,4563
|
|
118
|
+
cirq/contrib/qcircuit/qcircuit_diagram_info_test.py,sha256=DodZREuwlQhGSskI-Tuw603UuZvQPQckKdpU47oLRrk,2480
|
|
119
|
+
cirq/contrib/qcircuit/qcircuit_pdf.py,sha256=S9p6p9EPYariRJwy4XsRFqWvlrRofL9TZLdHZHNi2dM,2493
|
|
120
120
|
cirq/contrib/qcircuit/qcircuit_pdf_test.py,sha256=qiR8GIopgeImoLtGD4vTzp_R3nPRhOg9pUND4Y6gRjs,1122
|
|
121
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=NM47qf3yxkGxI3uJAa7pCI3NgLrD8XqdyvFbfMZyPY8,19457
|
|
124
|
-
cirq/contrib/quantum_volume/quantum_volume_test.py,sha256=
|
|
124
|
+
cirq/contrib/quantum_volume/quantum_volume_test.py,sha256=CZ_CyJMhLHlaIiG8doLC5eZX2o9agKqruMnQGM_CXCM,12610
|
|
125
125
|
cirq/contrib/quimb/__init__.py,sha256=G6tzsTqQeYUg14urOBKE_dOe59cxsBWgvR5b_ngvKkE,943
|
|
126
|
-
cirq/contrib/quimb/density_matrix.py,sha256=
|
|
127
|
-
cirq/contrib/quimb/density_matrix_test.py,sha256=
|
|
126
|
+
cirq/contrib/quimb/density_matrix.py,sha256=BJj3odlXIzZievkSpaouggIMHFVjQUzVf05r25O8AgQ,8610
|
|
127
|
+
cirq/contrib/quimb/density_matrix_test.py,sha256=WBQY9vdQAuPFUYBTTJRUmP-161e7FasfTBvdq1oggyw,3092
|
|
128
128
|
cirq/contrib/quimb/grid_circuits.py,sha256=5tFgTwb83x7QFJh8-4Vj5lO07eJvEL3f8QW4MCdKucs,4701
|
|
129
129
|
cirq/contrib/quimb/grid_circuits_test.py,sha256=gemrEO7qcxx7L4bIJbA6gHd4Ub3kVf8e_IQY6U9dyv8,3260
|
|
130
130
|
cirq/contrib/quimb/mps_simulator.py,sha256=DVQHmlm9G0-OLjX6hH_lHLIJ0ely43LZfsxywyT-7mQ,24651
|
|
@@ -169,7 +169,7 @@ cirq/devices/line_qubit_test.py,sha256=ZJjt3iWXxmFqpBypDvFKQhTFb_lvVp8aokbFG5iNf
|
|
|
169
169
|
cirq/devices/named_topologies.py,sha256=CNoMG2xhisUgssSdngzr8VpA5YBPjpVhw4dtXxKAb7Y,15735
|
|
170
170
|
cirq/devices/named_topologies_test.py,sha256=opABh1NgkfubHF4sCCTAxmFHLZXVZIgdKrZLQefd-AE,4854
|
|
171
171
|
cirq/devices/noise_model.py,sha256=teJNj25_tLTu_8_6fkKNyFAVnaRH6actJFXbhIJCHMY,11239
|
|
172
|
-
cirq/devices/noise_model_test.py,sha256=
|
|
172
|
+
cirq/devices/noise_model_test.py,sha256=0kLY4lksbfBz1pAuSXQWBw8xSnwVrfXqlxrUbsaUuUg,9412
|
|
173
173
|
cirq/devices/noise_properties.py,sha256=g6Joc444K4WRwAYQGGP_rIah0nIxxJQ3WJmE8JsgbXo,5105
|
|
174
174
|
cirq/devices/noise_properties_test.py,sha256=UU3JXgDEckm-XTVeEW-LoonrJbst7qw4ahAH42n_cYY,2353
|
|
175
175
|
cirq/devices/noise_utils.py,sha256=73B1o22072RhsNdo7_t_A-pa7Sub62ff4VpvNt0Ewdk,7155
|
|
@@ -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.dev20250702211226.dist-info/licenses/LICENSE,sha256=tAkwu8-AdEyGxGoSvJ2gVmQdcicWw3j1ZZueVV74M-E,11357
|
|
1224
|
+
cirq_core-1.6.0.dev20250702211226.dist-info/METADATA,sha256=wI4Zgjv5MEkZeh0f_f3ALw--BH4ALr4vcaBEV3pOB_U,4857
|
|
1225
|
+
cirq_core-1.6.0.dev20250702211226.dist-info/WHEEL,sha256=_zCd3N1l69ArxyTb8rzEoP9TpbYXkqRFSNOD5OuxnTs,91
|
|
1226
|
+
cirq_core-1.6.0.dev20250702211226.dist-info/top_level.txt,sha256=Sz9iOxHU0IEMLSFGwiwOCaN2e9K-jFbBbtpPN1hB73g,5
|
|
1227
|
+
cirq_core-1.6.0.dev20250702211226.dist-info/RECORD,,
|
{cirq_core-1.6.0.dev20250702012506.dist-info → cirq_core-1.6.0.dev20250702211226.dist-info}/WHEEL
RENAMED
|
File without changes
|
|
File without changes
|
|
File without changes
|