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
cirq/ops/common_gates_test.py
CHANGED
cirq/ops/control_values_test.py
CHANGED
cirq/ops/controlled_gate_test.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 types import EllipsisType, NotImplementedType
|
|
16
18
|
from typing import Any, cast, Optional, Sequence, Tuple, Union
|
|
17
19
|
|
|
18
20
|
import numpy as np
|
|
@@ -45,7 +47,7 @@ class GateAllocatingNewSpaceForResult(cirq.testing.SingleQubitGate):
|
|
|
45
47
|
def _apply_unitary_(self, args: cirq.ApplyUnitaryArgs) -> Union[np.ndarray, NotImplementedType]:
|
|
46
48
|
assert len(args.axes) == 1
|
|
47
49
|
a = args.axes[0]
|
|
48
|
-
seed = cast(Tuple[Union[int, slice,
|
|
50
|
+
seed = cast(Tuple[Union[int, slice, EllipsisType], ...], (slice(None),))
|
|
49
51
|
zero = seed * a + (0, Ellipsis)
|
|
50
52
|
one = seed * a + (1, Ellipsis)
|
|
51
53
|
result = np.zeros(args.target_tensor.shape, args.target_tensor.dtype)
|
|
@@ -12,9 +12,11 @@
|
|
|
12
12
|
# See the License for the specific language governing permissions and
|
|
13
13
|
# limitations under the License.
|
|
14
14
|
|
|
15
|
+
from __future__ import annotations
|
|
16
|
+
|
|
15
17
|
import itertools
|
|
16
18
|
import re
|
|
17
|
-
from types import NotImplementedType
|
|
19
|
+
from types import EllipsisType, NotImplementedType
|
|
18
20
|
from typing import cast, Tuple, Union
|
|
19
21
|
|
|
20
22
|
import numpy as np
|
|
@@ -48,7 +50,7 @@ class GateAllocatingNewSpaceForResult(cirq.testing.SingleQubitGate):
|
|
|
48
50
|
def _apply_unitary_(self, args: cirq.ApplyUnitaryArgs) -> Union[np.ndarray, NotImplementedType]:
|
|
49
51
|
assert len(args.axes) == 1
|
|
50
52
|
a = args.axes[0]
|
|
51
|
-
seed = cast(Tuple[Union[int, slice,
|
|
53
|
+
seed = cast(Tuple[Union[int, slice, EllipsisType], ...], (slice(None),))
|
|
52
54
|
zero = seed * a + (0, Ellipsis)
|
|
53
55
|
one = seed * a + (1, Ellipsis)
|
|
54
56
|
result = np.zeros(args.target_tensor.shape, args.target_tensor.dtype)
|
|
@@ -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 numbers
|
|
15
18
|
from typing import List
|
|
16
19
|
|
cirq/ops/diagonal_gate_test.py
CHANGED
cirq/ops/eigen_gate_test.py
CHANGED
cirq/ops/fsim_gate_test.py
CHANGED
cirq/ops/gate_features.py
CHANGED
cirq/ops/gate_features_test.py
CHANGED
cirq/ops/gate_operation_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 collections.abc
|
|
15
18
|
import pathlib
|
|
16
19
|
|
cirq/ops/gateset_test.py
CHANGED
cirq/ops/global_phase_op_test.py
CHANGED
cirq/ops/identity_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 itertools
|
|
15
18
|
from typing import Any
|
|
16
19
|
from unittest import mock
|
cirq/ops/kraus_channel_test.py
CHANGED
cirq/ops/matrix_gates_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 re
|
|
15
18
|
|
|
16
19
|
import numpy as np
|
cirq/ops/measure_util_test.py
CHANGED
cirq/ops/named_qubit_test.py
CHANGED
|
@@ -12,6 +12,8 @@
|
|
|
12
12
|
# See the License for the specific language governing permissions and
|
|
13
13
|
# limitations under the License.
|
|
14
14
|
|
|
15
|
+
from __future__ import annotations
|
|
16
|
+
|
|
15
17
|
import cirq
|
|
16
18
|
from cirq.devices.grid_qubit_test import _test_qid_pickled_hash
|
|
17
19
|
from cirq.ops.named_qubit import _pad_digits
|
cirq/ops/op_tree_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 cast
|
|
15
18
|
|
|
16
19
|
import pytest
|
cirq/ops/parallel_gate_test.py
CHANGED
cirq/ops/parity_gates_test.py
CHANGED
cirq/ops/pauli_gates_test.py
CHANGED
cirq/ops/pauli_string_test.py
CHANGED
cirq/ops/phased_x_gate_test.py
CHANGED
cirq/ops/phased_x_z_gate_test.py
CHANGED
cirq/ops/projector_test.py
CHANGED
cirq/ops/qid_util_test.py
CHANGED
cirq/ops/qubit_manager_test.py
CHANGED
cirq/ops/qubit_order.py
CHANGED
|
@@ -13,12 +13,12 @@
|
|
|
13
13
|
# limitations under the License.
|
|
14
14
|
|
|
15
15
|
|
|
16
|
-
from
|
|
16
|
+
from __future__ import annotations
|
|
17
17
|
|
|
18
|
-
from
|
|
18
|
+
from typing import Any, Callable, Iterable, Optional, Tuple, TYPE_CHECKING, TypeVar
|
|
19
19
|
|
|
20
20
|
if TYPE_CHECKING:
|
|
21
|
-
|
|
21
|
+
import cirq
|
|
22
22
|
|
|
23
23
|
|
|
24
24
|
TInternalQubit = TypeVar('TInternalQubit')
|
|
@@ -28,12 +28,10 @@ TExternalQubit = TypeVar('TExternalQubit')
|
|
|
28
28
|
class QubitOrder:
|
|
29
29
|
"""Defines the kronecker product order of qubits."""
|
|
30
30
|
|
|
31
|
-
def __init__(
|
|
32
|
-
self, explicit_func: Callable[[Iterable[raw_types.Qid]], Tuple[raw_types.Qid, ...]]
|
|
33
|
-
) -> None:
|
|
31
|
+
def __init__(self, explicit_func: Callable[[Iterable[cirq.Qid]], Tuple[cirq.Qid, ...]]) -> None:
|
|
34
32
|
self._explicit_func = explicit_func
|
|
35
33
|
|
|
36
|
-
DEFAULT:
|
|
34
|
+
DEFAULT: QubitOrder
|
|
37
35
|
"""A basis that orders qubits in the same way that calling `sorted` does.
|
|
38
36
|
|
|
39
37
|
Specifically, qubits are ordered first by their type name and then by
|
|
@@ -43,8 +41,8 @@ class QubitOrder:
|
|
|
43
41
|
|
|
44
42
|
@staticmethod
|
|
45
43
|
def explicit(
|
|
46
|
-
fixed_qubits: Iterable[
|
|
47
|
-
) ->
|
|
44
|
+
fixed_qubits: Iterable[cirq.Qid], fallback: Optional[QubitOrder] = None
|
|
45
|
+
) -> QubitOrder:
|
|
48
46
|
"""A basis that contains exactly the given qubits in the given order.
|
|
49
47
|
|
|
50
48
|
Args:
|
|
@@ -77,7 +75,7 @@ class QubitOrder:
|
|
|
77
75
|
return QubitOrder(func)
|
|
78
76
|
|
|
79
77
|
@staticmethod
|
|
80
|
-
def sorted_by(key: Callable[[
|
|
78
|
+
def sorted_by(key: Callable[[cirq.Qid], Any]) -> QubitOrder:
|
|
81
79
|
"""A basis that orders qubits ascending based on a key function.
|
|
82
80
|
|
|
83
81
|
Args:
|
|
@@ -89,7 +87,7 @@ class QubitOrder:
|
|
|
89
87
|
"""
|
|
90
88
|
return QubitOrder(lambda qubits: tuple(sorted(qubits, key=key)))
|
|
91
89
|
|
|
92
|
-
def order_for(self, qubits: Iterable[
|
|
90
|
+
def order_for(self, qubits: Iterable[cirq.Qid]) -> Tuple[cirq.Qid, ...]:
|
|
93
91
|
"""Returns a qubit tuple ordered corresponding to the basis.
|
|
94
92
|
|
|
95
93
|
Args:
|
|
@@ -104,7 +102,7 @@ class QubitOrder:
|
|
|
104
102
|
return self._explicit_func(qubits)
|
|
105
103
|
|
|
106
104
|
@staticmethod
|
|
107
|
-
def as_qubit_order(val:
|
|
105
|
+
def as_qubit_order(val: cirq.QubitOrderOrList) -> QubitOrder:
|
|
108
106
|
"""Converts a value into a basis.
|
|
109
107
|
|
|
110
108
|
Args:
|
|
@@ -126,7 +124,7 @@ class QubitOrder:
|
|
|
126
124
|
self,
|
|
127
125
|
internalize: Callable[[TExternalQubit], TInternalQubit],
|
|
128
126
|
externalize: Callable[[TInternalQubit], TExternalQubit],
|
|
129
|
-
) ->
|
|
127
|
+
) -> QubitOrder:
|
|
130
128
|
"""Transforms the Basis so that it applies to wrapped qubits.
|
|
131
129
|
|
|
132
130
|
Args:
|
cirq/ops/qubit_order_or_list.py
CHANGED
cirq/ops/qubit_order_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 numpy as np
|
|
15
18
|
import pytest
|
|
16
19
|
import sympy
|
cirq/ops/swap_gates_test.py
CHANGED
cirq/ops/tags.py
CHANGED
|
@@ -11,7 +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
|
"""Canonical tags for the TaggedOperation class."""
|
|
16
|
+
|
|
17
|
+
from __future__ import annotations
|
|
18
|
+
|
|
15
19
|
from typing import Dict
|
|
16
20
|
|
|
17
21
|
|
cirq/ops/tags_test.py
CHANGED
cirq/ops/wait_gate_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 datetime
|
|
15
18
|
|
|
16
19
|
import pytest
|