cirq-core 1.6.0.dev20250519175318__py3-none-any.whl → 1.6.0.dev20250519190234__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/devices/grid_qubit_test.py +3 -0
- cirq/devices/insertion_noise_model_test.py +2 -0
- cirq/devices/line_qubit_test.py +2 -0
- cirq/devices/named_topologies_test.py +3 -0
- cirq/devices/noise_properties_test.py +2 -0
- cirq/devices/noise_utils_test.py +2 -0
- cirq/devices/superconducting_qubits_noise_properties_test.py +2 -0
- cirq/devices/thermal_noise_model_test.py +2 -0
- cirq/devices/unconstrained_device_test.py +2 -0
- cirq/experiments/benchmarking/parallel_xeb_test.py +2 -0
- cirq/experiments/fidelity_estimation_test.py +3 -0
- cirq/experiments/n_qubit_tomography_test.py +3 -0
- cirq/experiments/purity_estimation.py +2 -0
- cirq/experiments/purity_estimation_test.py +2 -0
- cirq/experiments/qubit_characterizations_test.py +2 -0
- cirq/experiments/readout_confusion_matrix_test.py +2 -0
- cirq/experiments/t1_decay_experiment_test.py +2 -0
- cirq/experiments/t2_decay_experiment_test.py +2 -0
- cirq/experiments/two_qubit_xeb_test.py +4 -0
- cirq/experiments/xeb_sampling_test.py +3 -0
- cirq/experiments/z_phase_calibration_test.py +2 -0
- cirq/interop/quirk/cells/all_cells.py +7 -2
- cirq/interop/quirk/cells/arithmetic_cells_test.py +3 -0
- cirq/interop/quirk/cells/cell_test.py +3 -0
- cirq/interop/quirk/cells/composite_cell_test.py +2 -0
- cirq/interop/quirk/cells/control_cells_test.py +2 -0
- cirq/interop/quirk/cells/frequency_space_cells_test.py +2 -0
- cirq/interop/quirk/cells/ignored_cells.py +3 -0
- cirq/interop/quirk/cells/ignored_cells_test.py +2 -0
- cirq/interop/quirk/cells/input_cells_test.py +2 -0
- cirq/interop/quirk/cells/input_rotation_cells_test.py +2 -0
- cirq/interop/quirk/cells/measurement_cells_test.py +2 -0
- cirq/interop/quirk/cells/parse.py +2 -0
- cirq/interop/quirk/cells/parse_test.py +2 -0
- cirq/interop/quirk/cells/qubit_permutation_cells_test.py +2 -0
- cirq/interop/quirk/cells/scalar_cells_test.py +2 -0
- cirq/interop/quirk/cells/single_qubit_rotation_cells_test.py +2 -0
- cirq/interop/quirk/cells/swap_cell_test.py +2 -0
- cirq/interop/quirk/cells/testing.py +2 -0
- cirq/interop/quirk/cells/testing_test.py +2 -0
- cirq/interop/quirk/cells/unsupported_cells.py +3 -0
- cirq/interop/quirk/cells/unsupported_cells_test.py +2 -0
- cirq/interop/quirk/url_to_circuit_test.py +3 -0
- cirq/linalg/combinators_test.py +3 -0
- cirq/linalg/decompositions_test.py +2 -0
- cirq/linalg/diagonalize.py +2 -0
- cirq/linalg/diagonalize_test.py +2 -0
- cirq/linalg/operator_spaces_test.py +2 -0
- cirq/linalg/predicates_test.py +2 -0
- cirq/linalg/tolerance_test.py +2 -0
- cirq/linalg/transformations.py +4 -1
- cirq/linalg/transformations_test.py +2 -0
- cirq/neutral_atoms/convert_to_neutral_atom_gates_test.py +2 -0
- cirq/neutral_atoms/neutral_atom_devices.py +2 -0
- cirq/ops/arithmetic_operation_test.py +2 -0
- cirq/ops/boolean_hamiltonian_test.py +3 -0
- cirq/ops/classically_controlled_operation_test.py +2 -0
- cirq/ops/common_channels_test.py +2 -0
- cirq/ops/common_gate_families.py +2 -0
- cirq/ops/common_gate_families_test.py +2 -0
- cirq/ops/common_gates_test.py +2 -0
- cirq/ops/control_values_test.py +2 -0
- cirq/ops/controlled_gate_test.py +4 -2
- cirq/ops/controlled_operation_test.py +4 -2
- cirq/ops/dense_pauli_string_test.py +3 -0
- cirq/ops/diagonal_gate_test.py +2 -0
- cirq/ops/eigen_gate_test.py +2 -0
- cirq/ops/fourier_transform_test.py +2 -0
- cirq/ops/fsim_gate_test.py +2 -0
- cirq/ops/gate_features.py +2 -0
- cirq/ops/gate_features_test.py +2 -0
- cirq/ops/gate_operation_test.py +3 -0
- cirq/ops/gateset_test.py +2 -0
- cirq/ops/global_phase_op_test.py +2 -0
- cirq/ops/greedy_qubit_manager_test.py +2 -0
- cirq/ops/identity_test.py +3 -0
- cirq/ops/kraus_channel_test.py +3 -0
- cirq/ops/linear_combinations_test.py +2 -0
- cirq/ops/matrix_gates_test.py +3 -0
- cirq/ops/measure_util_test.py +2 -0
- cirq/ops/measurement_gate_test.py +2 -0
- cirq/ops/mixed_unitary_channel_test.py +3 -0
- cirq/ops/named_qubit_test.py +2 -0
- cirq/ops/op_tree_test.py +3 -0
- cirq/ops/parallel_gate_test.py +2 -0
- cirq/ops/parity_gates_test.py +2 -0
- cirq/ops/pauli_gates_test.py +2 -0
- cirq/ops/pauli_interaction_gate_test.py +2 -0
- cirq/ops/pauli_measurement_gate_test.py +2 -0
- cirq/ops/pauli_string_phasor_test.py +2 -0
- cirq/ops/pauli_string_raw_types_test.py +2 -0
- cirq/ops/pauli_string_test.py +2 -0
- cirq/ops/pauli_sum_exponential_test.py +2 -0
- cirq/ops/permutation_gate_test.py +2 -0
- cirq/ops/phased_iswap_gate_test.py +2 -0
- cirq/ops/phased_x_gate_test.py +2 -0
- cirq/ops/phased_x_z_gate_test.py +3 -0
- cirq/ops/projector_test.py +3 -0
- cirq/ops/qid_util_test.py +2 -0
- cirq/ops/qubit_manager_test.py +2 -0
- cirq/ops/qubit_order.py +11 -13
- cirq/ops/qubit_order_or_list.py +2 -0
- cirq/ops/qubit_order_test.py +2 -0
- cirq/ops/random_gate_channel_test.py +3 -0
- cirq/ops/state_preparation_channel_test.py +2 -0
- cirq/ops/swap_gates_test.py +2 -0
- cirq/ops/tags.py +4 -0
- cirq/ops/tags_test.py +2 -0
- cirq/ops/three_qubit_gates_test.py +2 -0
- cirq/ops/two_qubit_diagonal_gate_test.py +2 -0
- cirq/ops/uniform_superposition_gate_test.py +2 -0
- cirq/ops/wait_gate_test.py +3 -0
- cirq/protocols/apply_channel_protocol.py +6 -4
- cirq/protocols/apply_channel_protocol_test.py +2 -0
- cirq/protocols/apply_mixture_protocol.py +6 -4
- cirq/protocols/apply_mixture_protocol_test.py +3 -0
- cirq/protocols/apply_unitary_protocol_test.py +2 -0
- cirq/protocols/approximate_equality_protocol.py +2 -0
- cirq/protocols/approximate_equality_protocol_test.py +2 -0
- cirq/protocols/circuit_diagram_info_protocol_test.py +3 -0
- cirq/protocols/commutes_protocol.py +3 -0
- cirq/protocols/commutes_protocol_test.py +2 -0
- cirq/protocols/control_key_protocol_test.py +2 -0
- cirq/protocols/equal_up_to_global_phase_protocol.py +2 -0
- cirq/protocols/equal_up_to_global_phase_protocol_test.py +3 -0
- cirq/protocols/has_stabilizer_effect_protocol.py +2 -0
- cirq/protocols/has_stabilizer_effect_protocol_test.py +2 -0
- cirq/protocols/has_unitary_protocol.py +2 -0
- cirq/protocols/has_unitary_protocol_test.py +2 -0
- cirq/protocols/inverse_protocol_test.py +3 -1
- cirq/protocols/json_serialization.py +3 -0
- cirq/protocols/json_serialization_test.py +2 -0
- cirq/protocols/json_test_data/spec.py +2 -0
- cirq/protocols/kraus_protocol.py +2 -0
- cirq/protocols/kraus_protocol_test.py +2 -0
- cirq/protocols/measurement_key_protocol_test.py +4 -1
- cirq/protocols/mixture_protocol.py +2 -0
- cirq/protocols/mixture_protocol_test.py +2 -0
- cirq/protocols/mul_protocol.py +2 -0
- cirq/protocols/mul_protocol_test.py +2 -0
- cirq/protocols/pauli_expansion_protocol.py +3 -0
- cirq/protocols/pauli_expansion_protocol_test.py +2 -0
- cirq/protocols/phase_protocol.py +2 -0
- cirq/protocols/phase_protocol_test.py +2 -0
- cirq/protocols/pow_protocol_test.py +2 -0
- cirq/protocols/qasm_test.py +3 -0
- cirq/protocols/qid_shape_protocol.py +2 -0
- cirq/protocols/qid_shape_protocol_test.py +2 -0
- cirq/protocols/resolve_parameters_test.py +3 -2
- cirq/protocols/trace_distance_bound.py +2 -0
- cirq/protocols/trace_distance_bound_test.py +2 -0
- cirq/protocols/unitary_protocol.py +2 -0
- cirq/protocols/unitary_protocol_test.py +3 -0
- cirq/qis/channels.py +6 -2
- cirq/qis/channels_test.py +4 -0
- cirq/qis/clifford_tableau_test.py +2 -0
- cirq/qis/entropy.py +2 -0
- cirq/qis/entropy_test.py +2 -0
- cirq/qis/measures_test.py +4 -0
- cirq/qis/noise_utils.py +2 -0
- cirq/qis/noise_utils_test.py +2 -0
- cirq/qis/states_test.py +2 -0
- cirq/sim/classical_simulator_test.py +2 -0
- cirq/sim/clifford/clifford_simulator_test.py +3 -0
- cirq/sim/clifford/clifford_tableau_simulation_state_test.py +2 -0
- cirq/sim/clifford/stabilizer_ch_form_simulation_state_test.py +2 -0
- cirq/sim/clifford/stabilizer_sampler_test.py +2 -0
- cirq/sim/clifford/stabilizer_simulation_state_test.py +2 -0
- cirq/sim/clifford/stabilizer_state_ch_form_test.py +2 -0
- cirq/sim/density_matrix_simulation_state_test.py +2 -0
- cirq/sim/density_matrix_simulator_test.py +3 -0
- cirq/sim/density_matrix_utils_test.py +2 -0
- cirq/sim/mux_test.py +3 -0
- cirq/sim/simulation_product_state_test.py +3 -0
- cirq/sim/simulation_state_test.py +2 -0
- cirq/sim/simulation_utils.py +2 -0
- cirq/sim/simulation_utils_test.py +3 -0
- cirq/sim/sparse_simulator_test.py +3 -0
- cirq/sim/state_vector_simulation_state_test.py +2 -0
- cirq/sim/state_vector_simulator_test.py +2 -0
- cirq/sim/state_vector_test.py +3 -0
- cirq/study/flatten_expressions_test.py +2 -0
- cirq/study/resolver_test.py +2 -0
- cirq/study/result_test.py +2 -0
- cirq/study/sweepable.py +5 -3
- cirq/study/sweepable_test.py +3 -0
- cirq/study/sweeps_test.py +3 -0
- cirq/testing/circuit_compare.py +2 -0
- cirq/testing/circuit_compare_test.py +2 -0
- cirq/testing/consistent_act_on.py +9 -3
- cirq/testing/consistent_act_on_test.py +2 -0
- cirq/testing/consistent_channels.py +2 -0
- cirq/testing/consistent_channels_test.py +2 -0
- cirq/testing/consistent_controlled_gate_op.py +2 -0
- cirq/testing/consistent_decomposition.py +2 -0
- cirq/testing/consistent_decomposition_test.py +2 -0
- cirq/testing/consistent_pauli_expansion.py +2 -0
- cirq/testing/consistent_pauli_expansion_test.py +2 -0
- cirq/testing/consistent_phase_by.py +2 -0
- cirq/testing/consistent_phase_by_test.py +2 -0
- {cirq_core-1.6.0.dev20250519175318.dist-info → cirq_core-1.6.0.dev20250519190234.dist-info}/METADATA +1 -1
- {cirq_core-1.6.0.dev20250519175318.dist-info → cirq_core-1.6.0.dev20250519190234.dist-info}/RECORD +207 -207
- {cirq_core-1.6.0.dev20250519175318.dist-info → cirq_core-1.6.0.dev20250519190234.dist-info}/WHEEL +0 -0
- {cirq_core-1.6.0.dev20250519175318.dist-info → cirq_core-1.6.0.dev20250519190234.dist-info}/licenses/LICENSE +0 -0
- {cirq_core-1.6.0.dev20250519175318.dist-info → cirq_core-1.6.0.dev20250519190234.dist-info}/top_level.txt +0 -0
|
@@ -11,6 +11,9 @@
|
|
|
11
11
|
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
12
12
|
# See the License for the specific language governing permissions and
|
|
13
13
|
# limitations under the License.
|
|
14
|
+
|
|
15
|
+
from __future__ import annotations
|
|
16
|
+
|
|
14
17
|
import itertools
|
|
15
18
|
|
|
16
19
|
import numpy as np
|
|
@@ -11,6 +11,9 @@
|
|
|
11
11
|
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
12
12
|
# See the License for the specific language governing permissions and
|
|
13
13
|
# limitations under the License.
|
|
14
|
+
|
|
15
|
+
from __future__ import annotations
|
|
16
|
+
|
|
14
17
|
import itertools
|
|
15
18
|
import random
|
|
16
19
|
from typing import Type, Union
|
cirq/sim/mux_test.py
CHANGED
|
@@ -11,6 +11,9 @@
|
|
|
11
11
|
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
12
12
|
# See the License for the specific language governing permissions and
|
|
13
13
|
# limitations under the License.
|
|
14
|
+
|
|
15
|
+
from __future__ import annotations
|
|
16
|
+
|
|
14
17
|
from typing import Any, Dict, Optional, Sequence
|
|
15
18
|
|
|
16
19
|
import cirq
|
cirq/sim/simulation_utils.py
CHANGED
|
@@ -11,6 +11,9 @@
|
|
|
11
11
|
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
12
12
|
# See the License for the specific language governing permissions and
|
|
13
13
|
# limitations under the License.
|
|
14
|
+
|
|
15
|
+
from __future__ import annotations
|
|
16
|
+
|
|
14
17
|
import numpy as np
|
|
15
18
|
import pytest
|
|
16
19
|
|
|
@@ -11,6 +11,9 @@
|
|
|
11
11
|
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
12
12
|
# See the License for the specific language governing permissions and
|
|
13
13
|
# limitations under the License.
|
|
14
|
+
|
|
15
|
+
from __future__ import annotations
|
|
16
|
+
|
|
14
17
|
import itertools
|
|
15
18
|
import random
|
|
16
19
|
from typing import Type, Union
|
cirq/sim/state_vector_test.py
CHANGED
|
@@ -11,8 +11,11 @@
|
|
|
11
11
|
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
12
12
|
# See the License for the specific language governing permissions and
|
|
13
13
|
# limitations under the License.
|
|
14
|
+
|
|
14
15
|
"""Tests for state_vector.py"""
|
|
15
16
|
|
|
17
|
+
from __future__ import annotations
|
|
18
|
+
|
|
16
19
|
import itertools
|
|
17
20
|
from typing import Iterator, Optional
|
|
18
21
|
from unittest import mock
|
cirq/study/resolver_test.py
CHANGED
cirq/study/result_test.py
CHANGED
cirq/study/sweepable.py
CHANGED
|
@@ -14,6 +14,8 @@
|
|
|
14
14
|
|
|
15
15
|
"""Defines which types are Sweepable."""
|
|
16
16
|
|
|
17
|
+
from __future__ import annotations
|
|
18
|
+
|
|
17
19
|
import warnings
|
|
18
20
|
from typing import cast, Iterable, Iterator, List, Optional, Sequence, Union
|
|
19
21
|
|
|
@@ -31,7 +33,7 @@ class _Sweepable(Protocol):
|
|
|
31
33
|
"""An intermediate class allowing for recursive definition of Sweepable,
|
|
32
34
|
since recursive union definitions are not yet supported in mypy."""
|
|
33
35
|
|
|
34
|
-
def __iter__(self) -> Iterator[Union[SweepLike,
|
|
36
|
+
def __iter__(self) -> Iterator[Union[SweepLike, _Sweepable]]:
|
|
35
37
|
pass
|
|
36
38
|
|
|
37
39
|
|
|
@@ -72,9 +74,9 @@ def to_sweeps(sweepable: Sweepable, metadata: Optional[dict] = None) -> List[Swe
|
|
|
72
74
|
|
|
73
75
|
def to_sweep(
|
|
74
76
|
sweep_or_resolver_list: Union[
|
|
75
|
-
|
|
77
|
+
Sweep, ParamResolverOrSimilarType, Iterable[ParamResolverOrSimilarType]
|
|
76
78
|
],
|
|
77
|
-
) ->
|
|
79
|
+
) -> Sweep:
|
|
78
80
|
"""Converts the argument into a ``cirq.Sweep``.
|
|
79
81
|
|
|
80
82
|
Args:
|
cirq/study/sweepable_test.py
CHANGED
|
@@ -11,8 +11,11 @@
|
|
|
11
11
|
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
12
12
|
# See the License for the specific language governing permissions and
|
|
13
13
|
# limitations under the License.
|
|
14
|
+
|
|
14
15
|
"""Tests for sweepable.py."""
|
|
15
16
|
|
|
17
|
+
from __future__ import annotations
|
|
18
|
+
|
|
16
19
|
import itertools
|
|
17
20
|
|
|
18
21
|
import pytest
|
cirq/study/sweeps_test.py
CHANGED
|
@@ -11,6 +11,9 @@
|
|
|
11
11
|
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
12
12
|
# See the License for the specific language governing permissions and
|
|
13
13
|
# limitations under the License.
|
|
14
|
+
|
|
15
|
+
from __future__ import annotations
|
|
16
|
+
|
|
14
17
|
import pytest
|
|
15
18
|
import sympy
|
|
16
19
|
|
cirq/testing/circuit_compare.py
CHANGED
|
@@ -12,7 +12,9 @@
|
|
|
12
12
|
# See the License for the specific language governing permissions and
|
|
13
13
|
# limitations under the License.
|
|
14
14
|
|
|
15
|
-
from
|
|
15
|
+
from __future__ import annotations
|
|
16
|
+
|
|
17
|
+
from typing import Any, cast, Optional, Type, TYPE_CHECKING
|
|
16
18
|
|
|
17
19
|
import numpy as np
|
|
18
20
|
|
|
@@ -20,7 +22,6 @@ from cirq import protocols
|
|
|
20
22
|
from cirq.circuits.circuit import Circuit
|
|
21
23
|
from cirq.devices import LineQubit
|
|
22
24
|
from cirq.ops import common_gates
|
|
23
|
-
from cirq.ops.dense_pauli_string import DensePauliString
|
|
24
25
|
from cirq.qis import clifford_tableau
|
|
25
26
|
from cirq.sim import final_state_vector, state_vector_simulation_state
|
|
26
27
|
from cirq.sim.clifford import (
|
|
@@ -29,8 +30,13 @@ from cirq.sim.clifford import (
|
|
|
29
30
|
stabilizer_state_ch_form,
|
|
30
31
|
)
|
|
31
32
|
|
|
33
|
+
if TYPE_CHECKING:
|
|
34
|
+
import cirq
|
|
35
|
+
|
|
32
36
|
|
|
33
|
-
def state_vector_has_stabilizer(
|
|
37
|
+
def state_vector_has_stabilizer(
|
|
38
|
+
state_vector: np.ndarray, stabilizer: cirq.DensePauliString
|
|
39
|
+
) -> bool:
|
|
34
40
|
"""Checks that the state_vector is stabilized by the given stabilizer.
|
|
35
41
|
|
|
36
42
|
The stabilizer should not modify the value of the state_vector, up to the
|
{cirq_core-1.6.0.dev20250519175318.dist-info → cirq_core-1.6.0.dev20250519190234.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.dev20250519190234
|
|
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
|