Skip to content

Commit

Permalink
Introduce gauge compilation (#6526)
Browse files Browse the repository at this point in the history
This PR introduces the abstraction for Gauge compilation as well as implementation for Sycamore gate, CZ gate, SqrtCZ gate, ZZ (a.k.a spin inversion), ISWAP gate, and SQRT_ISWAP gate
  • Loading branch information
NoureldinYosri authored Apr 3, 2024
1 parent 45c5fa3 commit f9f0d66
Show file tree
Hide file tree
Showing 20 changed files with 902 additions and 0 deletions.
13 changes: 13 additions & 0 deletions cirq-core/cirq/transformers/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -119,3 +119,16 @@
unroll_circuit_op_greedy_earliest,
unroll_circuit_op_greedy_frontier,
)


from cirq.transformers.gauge_compiling import (
CZGaugeTransformer,
ConstantGauge,
Gauge,
GaugeSelector,
GaugeTransformer,
ISWAPGaugeTransformer,
SpinInversionGaugeTransformer,
SqrtCZGaugeTransformer,
SqrtISWAPGaugeTransformer,
)
26 changes: 26 additions & 0 deletions cirq-core/cirq/transformers/gauge_compiling/__init__.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,26 @@
# Copyright 2024 The Cirq Developers
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# https://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.


from cirq.transformers.gauge_compiling.gauge_compiling import (
ConstantGauge,
Gauge,
GaugeSelector,
GaugeTransformer,
)
from cirq.transformers.gauge_compiling.sqrt_cz_gauge import SqrtCZGaugeTransformer
from cirq.transformers.gauge_compiling.spin_inversion_gauge import SpinInversionGaugeTransformer
from cirq.transformers.gauge_compiling.cz_gauge import CZGaugeTransformer
from cirq.transformers.gauge_compiling.iswap_gauge import ISWAPGaugeTransformer
from cirq.transformers.gauge_compiling.sqrt_iswap_gauge import SqrtISWAPGaugeTransformer
46 changes: 46 additions & 0 deletions cirq-core/cirq/transformers/gauge_compiling/cz_gauge.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,46 @@
# Copyright 2024 The Cirq Developers
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# https://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.

"""A Gauge Transformer for the CZ gate."""

from cirq.transformers.gauge_compiling.gauge_compiling import (
GaugeTransformer,
GaugeSelector,
ConstantGauge,
)
from cirq.ops.common_gates import CZ
from cirq import ops

CZGaugeSelector = GaugeSelector(
gauges=[
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.I, pre_q1=ops.I, post_q0=ops.I, post_q1=ops.I),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.I, pre_q1=ops.X, post_q0=ops.Z, post_q1=ops.X),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.I, pre_q1=ops.Y, post_q0=ops.Z, post_q1=ops.Y),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.I, pre_q1=ops.Z, post_q0=ops.I, post_q1=ops.Z),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.X, pre_q1=ops.I, post_q0=ops.X, post_q1=ops.Z),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.X, pre_q1=ops.X, post_q0=ops.Y, post_q1=ops.Y),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.X, pre_q1=ops.Y, post_q0=ops.Y, post_q1=ops.X),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.X, pre_q1=ops.Z, post_q0=ops.X, post_q1=ops.I),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.Y, pre_q1=ops.I, post_q0=ops.Y, post_q1=ops.Z),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.Y, pre_q1=ops.X, post_q0=ops.X, post_q1=ops.Y),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.Y, pre_q1=ops.Y, post_q0=ops.X, post_q1=ops.X),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.Y, pre_q1=ops.Z, post_q0=ops.Y, post_q1=ops.I),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.Z, pre_q1=ops.I, post_q0=ops.Z, post_q1=ops.I),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.Z, pre_q1=ops.X, post_q0=ops.I, post_q1=ops.X),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.Z, pre_q1=ops.Y, post_q0=ops.I, post_q1=ops.Y),
ConstantGauge(two_qubit_gate=CZ, pre_q0=ops.Z, pre_q1=ops.Z, post_q0=ops.Z, post_q1=ops.Z),
]
)

CZGaugeTransformer = GaugeTransformer(target=CZ, gauge_selector=CZGaugeSelector)
23 changes: 23 additions & 0 deletions cirq-core/cirq/transformers/gauge_compiling/cz_gauge_test.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,23 @@
# Copyright 2024 The Cirq Developers
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# https://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.


import cirq
from cirq.transformers.gauge_compiling import CZGaugeTransformer
from cirq.transformers.gauge_compiling.gauge_compiling_test_utils import GaugeTester


class TestCZGauge(GaugeTester):
two_qubit_gate = cirq.CZ
gauge_transformer = CZGaugeTransformer
178 changes: 178 additions & 0 deletions cirq-core/cirq/transformers/gauge_compiling/gauge_compiling.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,178 @@
# Copyright 2024 The Cirq Developers
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# https://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.

"""Creates the abstraction for gauge compiling as a cirq transformer."""

from typing import Callable, Tuple, Optional, Sequence, Union, List
import abc
import itertools
import functools

from dataclasses import dataclass
from attrs import frozen, field
import numpy as np

from cirq.transformers import transformer_api
from cirq import ops, circuits


class Gauge(abc.ABC):
"""A gauge replaces a two qubit gate with an equivalent subcircuit.
0: pre_q0───────two_qubit_gate───────post_q0
|
1: pre_q1───────two_qubit_gate───────post_q1
The Gauge class in general represents a family of closely related gauges
(e.g. random z-rotations); Use `sample` method to get a specific gauge.
"""

def weight(self) -> float:
"""Returns the relative frequency for selecting this gauge."""
return 1.0

@abc.abstractmethod
def sample(self, gate: ops.Gate, prng: np.random.Generator) -> "ConstantGauge":
"""Returns a ConstantGauge sampled from a family of gauges.
Args:
gate: The two qubit gate to replace.
prng: A numpy random number generator.
Returns:
A ConstantGauge.
"""


@frozen
class ConstantGauge(Gauge):
"""A gauge that replaces a two qubit gate with a constant gauge."""

two_qubit_gate: ops.Gate
pre_q0: Tuple[ops.Gate, ...] = field(
default=(), converter=lambda g: (g,) if isinstance(g, ops.Gate) else tuple(g)
)
pre_q1: Tuple[ops.Gate, ...] = field(
default=(), converter=lambda g: (g,) if isinstance(g, ops.Gate) else tuple(g)
)
post_q0: Tuple[ops.Gate, ...] = field(
default=(), converter=lambda g: (g,) if isinstance(g, ops.Gate) else tuple(g)
)
post_q1: Tuple[ops.Gate, ...] = field(
default=(), converter=lambda g: (g,) if isinstance(g, ops.Gate) else tuple(g)
)

def sample(self, gate: ops.Gate, prng: np.random.Generator) -> "ConstantGauge":
return self

@property
def pre(self) -> Tuple[Tuple[ops.Gate, ...], Tuple[ops.Gate, ...]]:
"""A tuple (ops to apply to q0, ops to apply to q1)."""
return self.pre_q0, self.pre_q1

@property
def post(self) -> Tuple[Tuple[ops.Gate, ...], Tuple[ops.Gate, ...]]:
"""A tuple (ops to apply to q0, ops to apply to q1)."""
return self.post_q0, self.post_q1


def _select(choices: Sequence[Gauge], probabilites: np.ndarray, prng: np.random.Generator) -> Gauge:
return choices[prng.choice(len(choices), p=probabilites)]


@dataclass(frozen=True)
class GaugeSelector:
"""Samples a gauge from a list of gauges."""

gauges: Sequence[Gauge]

@functools.cached_property
def _weights(self) -> np.ndarray:
weights = np.array([g.weight() for g in self.gauges])
return weights / np.sum(weights)

def __call__(self, prng: np.random.Generator) -> Gauge:
"""Randomly selects a gauge with probability proportional to its weight."""
return _select(self.gauges, self._weights, prng)


@transformer_api.transformer
class GaugeTransformer:
def __init__(
self,
# target can be either a specific gate, gatefamily or gateset
# which allows matching parametric gates.
target: Union[ops.Gate, ops.Gateset, ops.GateFamily],
gauge_selector: Callable[[np.random.Generator], Gauge],
) -> None:
"""Constructs a GaugeTransformer.
Args:
target: Target two-qubit gate, a gate-family or a gate-set of two-qubit gates.
gauge_selector: A callable that takes a numpy random number generator
as an argument and returns a Gauge.
"""
self.target = ops.GateFamily(target) if isinstance(target, ops.Gate) else target
self.gauge_selector = gauge_selector

def __call__(
self,
circuit: circuits.AbstractCircuit,
*,
context: Optional[transformer_api.TransformerContext] = None,
prng: Optional[np.random.Generator] = None,
) -> circuits.AbstractCircuit:
rng = np.random.default_rng() if prng is None else prng
if context is None:
context = transformer_api.TransformerContext(deep=False)
if context.deep:
raise ValueError('GaugeTransformer cannot be used with deep=True')
new_moments = []
left: List[List[ops.Operation]] = []
right: List[List[ops.Operation]] = []
for moment in circuit:
left.clear()
right.clear()
center: List[ops.Operation] = []
for op in moment:
if isinstance(op, ops.TaggedOperation) and set(op.tags).intersection(
context.tags_to_ignore
):
center.append(op)
continue
if op.gate is not None and len(op.qubits) == 2 and op in self.target:
gauge = self.gauge_selector(rng).sample(op.gate, rng)
q0, q1 = op.qubits
left.extend([g(q) for g in gs] for q, gs in zip(op.qubits, gauge.pre))
center.append(gauge.two_qubit_gate(q0, q1))
right.extend([g(q) for g in gs] for q, gs in zip(op.qubits, gauge.post))
else:
center.append(op)
if left:
new_moments.extend(_build_moments(left))
new_moments.append(center)
if right:
new_moments.extend(_build_moments(right))
return circuits.Circuit.from_moments(*new_moments)


def _build_moments(operation_by_qubits: List[List[ops.Operation]]) -> List[List[ops.Operation]]:
"""Builds moments from a list of operations grouped by qubits.
Returns a list of moments from a list whose ith element is a list of operations applied
to qubit i.
"""
moments = []
for moment in itertools.zip_longest(*operation_by_qubits):
moments.append([op for op in moment if op is not None])
return moments
Original file line number Diff line number Diff line change
@@ -0,0 +1,41 @@
# Copyright 2024 The Cirq Developers
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# https://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.

import pytest
import numpy as np
import cirq
from cirq.transformers.gauge_compiling import GaugeTransformer, CZGaugeTransformer


def test_deep_transformation_not_supported():

with pytest.raises(ValueError, match="cannot be used with deep=True"):
_ = GaugeTransformer(target=cirq.CZ, gauge_selector=lambda _: None)(
cirq.Circuit(), context=cirq.TransformerContext(deep=True)
)


def test_ignore_tags():
c = cirq.Circuit(cirq.CZ(*cirq.LineQubit.range(2)).with_tags('foo'))
assert c == CZGaugeTransformer(c, context=cirq.TransformerContext(tags_to_ignore={"foo"}))


def test_target_can_be_gateset():
qs = cirq.LineQubit.range(2)
c = cirq.Circuit(cirq.CZ(*qs))
transformer = GaugeTransformer(
target=cirq.Gateset(cirq.CZ), gauge_selector=CZGaugeTransformer.gauge_selector
)
want = cirq.Circuit(cirq.Y.on_each(qs), cirq.CZ(*qs), cirq.X.on_each(qs))
assert transformer(c, prng=np.random.default_rng(0)) == want
Loading

0 comments on commit f9f0d66

Please sign in to comment.