From 570dd47b7fded29208a25ae7a675b18b4ea6cb47 Mon Sep 17 00:00:00 2001 From: dobbse42 Date: Tue, 8 Oct 2024 09:30:17 +0300 Subject: [PATCH 1/3] added HammingWeightPhasingWithConfigurableAncilla and a temp test file, still debugging. --- .../bloqs/rotations/hamming_weight_phasing.py | 80 +++++++++++++++++++ qualtran/bloqs/rotations/my_HWP_test.py | 18 +++++ 2 files changed, 98 insertions(+) create mode 100644 qualtran/bloqs/rotations/my_HWP_test.py diff --git a/qualtran/bloqs/rotations/hamming_weight_phasing.py b/qualtran/bloqs/rotations/hamming_weight_phasing.py index 7f6334fd4..4881dcd47 100644 --- a/qualtran/bloqs/rotations/hamming_weight_phasing.py +++ b/qualtran/bloqs/rotations/hamming_weight_phasing.py @@ -209,3 +209,83 @@ def _hamming_weight_phasing_via_phase_gradient() -> HammingWeightPhasingViaPhase bloq_cls=HammingWeightPhasingViaPhaseGradient, examples=(_hamming_weight_phasing_via_phase_gradient,), ) + + +@attrs.frozen +class HammingWeightPhasingWithConfigurableAncilla(GateWithRegisters): + r""" + Args: + bitsize: Size of input register to apply 'Z ** exponent' to. + ancillasize: Size of the ancilla register to be used to calculate the hamming weight of 'x'. + exponent: the exponent of 'Z ** exponent' to be applied to each qubit in the input register. + eps: Accuracy of synthesizing the Z rotations. + + Registers: + x: A 'THRU' register of 'bitsize' qubits. + + References: + """ + + bitsize: int + ancillasize: int + exponent: float = 1 + eps: SymbolicFloat = 1e-10 + + @cached_property + def signature(self) -> 'Signature': + return Signature.build_from_dtypes(x=QUInt(self.bitsize)) + + #TODO: + ''' + General strategy: find the max-bitsize number (n bits) we can compute the HW of using our available ancilla, + greedily do this on the first n bits of x, perform the rotations, then the next n bits and perform those + rotations, and so on until we have computed the HW of the entire input. Can express this as repeated calls to + HammingWeightPhasing bloqs on subsets of the input. + ''' + def build_composite_bloq(self, bb: 'BloqBuilder', *, x: 'SoquetT') -> Dict[str, 'SoquetT']: + num_iters = self.bitsize // (self.ancillasize + 1) + remainder = self.bitsize - (self.ancillasize + 1) * num_iters + x = bb.split(x) + x_parts = [] + for i in range(num_iters): + x_part = bb.join(x[i*(self.ancillasize+1):(i+1)*(self.ancillasize+1)], dtype=QUInt(self.ancillasize+1)) #maybe off-by-1 + x_part = bb.add(HammingWeightPhasing(bitsize=self.ancillasize+1, exponent=self.exponent, eps=self.eps), x=x_part) + x_part = bb.add(HammingWeightPhasing(bitsize=self.ancillasize+1, exponent=self.exponent, eps=self.eps).adjoint(), x=x_part) + x_parts.extend(bb.split(x_part)) + #remainder: + if remainder > 0: + x_part = bb.join(x[(-1*remainder):], dtype=QUInt(remainder)) + x_part = bb.add(HammingWeightPhasing(bitsize=remainder, exponent=self.exponent, eps=self.eps), x=x_part) + x_part = bb.add(HammingWeightPhasing(bitsize=remainder, exponent=self.exponent, eps=self.eps).adjoint(), x=x_part) + x_parts.extend(bb.split(x_part)) + #print("shape prior to flatten: ", np.shape(x_parts)) + #x_parts.flatten() + ''' x_parts = [ + a + for x_part in x_parts + for a in x_part + ] + ''' + #print("shape after flatten: ", np.shape(x_parts)) + for part in x: + print("next elem: ", part) + x = bb.join(x_parts, dtype=QUInt(self.bitsize.bit_length())) + return {'x': x} + + + def wire_symbol(self, reg: Optional[Register], idx: Tuple[int, ...] = tuple()) -> 'WireSymbol': + if reg is None: + return Text(f'HWPCA_{self.bitsize}/(Z^{self.exponent})') + return super().wire_symbol(reg, idx) + +#TODO: (after build_composite_bloq) +@bloq_example +def _hamming_weight_phasing_with_configurable_ancilla() -> HammingWeightPhasingWithConfigurableAncilla: + hamming_weight_phasing_with_configurable_ancilla = HammingWeightPhasingWithConfigurableAncilla(4, 2, np.pi / 2.0) + return hamming_weight_phasing_with_configurable_ancilla + + +_HAMMING_WEIGHT_PHASING_WITH_CONFIGURABLE_ANCILLA_DOC = BloqDocSpec( + bloq_cls=HammingWeightPhasingWithConfigurableAncilla, + examples=(_hamming_weight_phasing_with_configurable_ancilla,), +) diff --git a/qualtran/bloqs/rotations/my_HWP_test.py b/qualtran/bloqs/rotations/my_HWP_test.py new file mode 100644 index 000000000..7709dc47d --- /dev/null +++ b/qualtran/bloqs/rotations/my_HWP_test.py @@ -0,0 +1,18 @@ +from hamming_weight_phasing import HammingWeightPhasing, HammingWeightPhasingWithConfigurableAncilla + +import numpy as np +from qualtran import Bloq, CompositeBloq, BloqBuilder, Signature, Register +from qualtran import QBit, QInt, QUInt, QAny +from qualtran.drawing import show_bloq, show_call_graph, show_counts_sigma + +orig = HammingWeightPhasing(4, np.pi / 2.0) +print(orig) + +mine = HammingWeightPhasingWithConfigurableAncilla(4, 2, np.pi / 2.0) +print(mine) + + +from qualtran.resource_counting.generalizers import ignore_split_join +hamming_weight_phasing_g, hamming_weight_phasing_sigma = mine.call_graph(max_depth=1, generalizer=ignore_split_join) +show_call_graph(hamming_weight_phasing_g) +show_counts_sigma(hamming_weight_phasing_sigma) From 431bc6d6a9a4a79e2dd6eb562e14f6ca5688fb2b Mon Sep 17 00:00:00 2001 From: dobbse42 Date: Wed, 16 Oct 2024 10:28:00 +0300 Subject: [PATCH 2/3] Finished HammingWeightPhasingWithConfigurableAncilla.build_composite_bloq(), added test_hamming_weight_phasing_with_configurable_ancilla(). --- .../bloqs/rotations/hamming_weight_phasing.py | 10 ++++--- .../rotations/hamming_weight_phasing_test.py | 27 +++++++++++++++++++ 2 files changed, 33 insertions(+), 4 deletions(-) diff --git a/qualtran/bloqs/rotations/hamming_weight_phasing.py b/qualtran/bloqs/rotations/hamming_weight_phasing.py index 4881dcd47..dce327221 100644 --- a/qualtran/bloqs/rotations/hamming_weight_phasing.py +++ b/qualtran/bloqs/rotations/hamming_weight_phasing.py @@ -235,7 +235,7 @@ class HammingWeightPhasingWithConfigurableAncilla(GateWithRegisters): def signature(self) -> 'Signature': return Signature.build_from_dtypes(x=QUInt(self.bitsize)) - #TODO: + ''' General strategy: find the max-bitsize number (n bits) we can compute the HW of using our available ancilla, greedily do this on the first n bits of x, perform the rotations, then the next n bits and perform those @@ -243,16 +243,18 @@ def signature(self) -> 'Signature': HammingWeightPhasing bloqs on subsets of the input. ''' def build_composite_bloq(self, bb: 'BloqBuilder', *, x: 'SoquetT') -> Dict[str, 'SoquetT']: + self.ancillasize = min(self.ancillasize, self.bitsize-1) # TODO: this is surely the wrong way to do this, but this at least allows tests to be run for now. num_iters = self.bitsize // (self.ancillasize + 1) remainder = self.bitsize - (self.ancillasize + 1) * num_iters x = bb.split(x) x_parts = [] + for i in range(num_iters): x_part = bb.join(x[i*(self.ancillasize+1):(i+1)*(self.ancillasize+1)], dtype=QUInt(self.ancillasize+1)) #maybe off-by-1 x_part = bb.add(HammingWeightPhasing(bitsize=self.ancillasize+1, exponent=self.exponent, eps=self.eps), x=x_part) x_part = bb.add(HammingWeightPhasing(bitsize=self.ancillasize+1, exponent=self.exponent, eps=self.eps).adjoint(), x=x_part) x_parts.extend(bb.split(x_part)) - #remainder: + if remainder > 0: x_part = bb.join(x[(-1*remainder):], dtype=QUInt(remainder)) x_part = bb.add(HammingWeightPhasing(bitsize=remainder, exponent=self.exponent, eps=self.eps), x=x_part) @@ -269,7 +271,7 @@ def build_composite_bloq(self, bb: 'BloqBuilder', *, x: 'SoquetT') -> Dict[str, #print("shape after flatten: ", np.shape(x_parts)) for part in x: print("next elem: ", part) - x = bb.join(x_parts, dtype=QUInt(self.bitsize.bit_length())) + x = bb.join(np.array(x_parts), dtype=QUInt(self.bitsize)) return {'x': x} @@ -278,7 +280,7 @@ def wire_symbol(self, reg: Optional[Register], idx: Tuple[int, ...] = tuple()) - return Text(f'HWPCA_{self.bitsize}/(Z^{self.exponent})') return super().wire_symbol(reg, idx) -#TODO: (after build_composite_bloq) + @bloq_example def _hamming_weight_phasing_with_configurable_ancilla() -> HammingWeightPhasingWithConfigurableAncilla: hamming_weight_phasing_with_configurable_ancilla = HammingWeightPhasingWithConfigurableAncilla(4, 2, np.pi / 2.0) diff --git a/qualtran/bloqs/rotations/hamming_weight_phasing_test.py b/qualtran/bloqs/rotations/hamming_weight_phasing_test.py index 33dc21626..60cea4458 100644 --- a/qualtran/bloqs/rotations/hamming_weight_phasing_test.py +++ b/qualtran/bloqs/rotations/hamming_weight_phasing_test.py @@ -23,6 +23,7 @@ from qualtran.bloqs.rotations.hamming_weight_phasing import ( HammingWeightPhasing, HammingWeightPhasingViaPhaseGradient, + HammingWeightPhasingWithConfigurableAncilla, ) from qualtran.bloqs.rotations.phase_gradient import PhaseGradientState from qualtran.cirq_interop.testing import GateHelper @@ -127,3 +128,29 @@ def test_hamming_weight_phasing_via_phase_gradient_t_complexity(n: int, theta: f naive_total_t = naive_hwp_t_complexity.t_incl_rotations(eps=eps / n.bit_length()) assert total_t < naive_total_t + + +@pytest.mark.parametrize('ancillasize', [1, 2, 3, 4, 5, 6, 7]) +@pytest.mark.parametrize('n', [2, 3, 4, 5, 6, 7, 8]) +@pytest.mark.parametrize('theta', [1 / 10, 1 / 5, 1 / 7, np.pi / 2]) +def test_hamming_weight_phasing_with_configurable_ancilla(n: int, ancillasize: int, theta: float): + gate = HammingWeightPhasingWithConfigurableAncilla(n, ancillasize, theta) + qlt_testing.assert_valid_bloq_decomposition(gate) + qlt_testing.assert_equivalent_bloq_counts( + gate, [ignore_split_join, cirq_to_bloqs, generalize_rotation_angle] + ) + + assert gate.t_complexity().rotations == ceil(n / ancillasize+1) * ancillasize.bit_length() # possibly wrong + assert gate.t_complexity().t == 4 * ancillasize * ceil(n / (ancillasize+1)) + # TODO: add an ancilla size assertion + + gh = GateHelper(gate) + sim = cirq.Simulator(dtype=np.complex128) + initial_state = cirq.testing.random_superposition(dim=2**n, random_state=12345) + state_prep = cirq.Circuit(cirq.StatePreparationChannel(initial_state).on(*gh.quregs['x'])) + brute_force_phasing = cirq.Circuit(state_prep, (cirq.Z**theta).on_each(*gh.quregs['x'])) + expected_final_state = sim.simulate(brute_force_phasing).final_state_vector + + hw_phasing = cirq.Circuit(state_prep, HammingWeightPhasingWithConfigurableAncilla(n, ancillasize, theta).on(*gh.quregs['x'])) + hw_final_state = sim.simulate(hw_phasing).final_state_vector + assert np.allclose(expected_final_state, hw_final_state, atol=1e-7) From e484cc01df955522d7c034199061bcfd77d629f7 Mon Sep 17 00:00:00 2001 From: dobbse42 Date: Thu, 17 Oct 2024 11:24:11 +0300 Subject: [PATCH 3/3] Completed implementation of HammingWeightPhasingWithConfigurableAncilla and tests. --- .../bloqs/rotations/hamming_weight_phasing.py | 51 +++++++++++-------- .../rotations/hamming_weight_phasing_test.py | 13 ++--- .../rotations/{my_HWP_test.py => my_HWP.py} | 1 + 3 files changed, 38 insertions(+), 27 deletions(-) rename qualtran/bloqs/rotations/{my_HWP_test.py => my_HWP.py} (99%) diff --git a/qualtran/bloqs/rotations/hamming_weight_phasing.py b/qualtran/bloqs/rotations/hamming_weight_phasing.py index 1bfbe5e4b..ab775915b 100644 --- a/qualtran/bloqs/rotations/hamming_weight_phasing.py +++ b/qualtran/bloqs/rotations/hamming_weight_phasing.py @@ -227,7 +227,7 @@ class HammingWeightPhasingWithConfigurableAncilla(GateWithRegisters): """ bitsize: int - ancillasize: int + ancillasize: int # TODO: verify that ancillasize is always < bitsize-1 exponent: float = 1 eps: SymbolicFloat = 1e-10 @@ -243,34 +243,22 @@ def signature(self) -> 'Signature': HammingWeightPhasing bloqs on subsets of the input. ''' def build_composite_bloq(self, bb: 'BloqBuilder', *, x: 'SoquetT') -> Dict[str, 'SoquetT']: - self.ancillasize = min(self.ancillasize, self.bitsize-1) # TODO: this is surely the wrong way to do this, but this at least allows tests to be run for now. num_iters = self.bitsize // (self.ancillasize + 1) - remainder = self.bitsize - (self.ancillasize + 1) * num_iters + remainder = self.bitsize % (self.ancillasize+1) x = bb.split(x) x_parts = [] - for i in range(num_iters): - x_part = bb.join(x[i*(self.ancillasize+1):(i+1)*(self.ancillasize+1)], dtype=QUInt(self.ancillasize+1)) #maybe off-by-1 + x_part = bb.join(x[i*(self.ancillasize+1):(i+1)*(self.ancillasize+1)], dtype=QUInt(self.ancillasize+1)) x_part = bb.add(HammingWeightPhasing(bitsize=self.ancillasize+1, exponent=self.exponent, eps=self.eps), x=x_part) - x_part = bb.add(HammingWeightPhasing(bitsize=self.ancillasize+1, exponent=self.exponent, eps=self.eps).adjoint(), x=x_part) x_parts.extend(bb.split(x_part)) - - if remainder > 0: + if remainder > 1: x_part = bb.join(x[(-1*remainder):], dtype=QUInt(remainder)) x_part = bb.add(HammingWeightPhasing(bitsize=remainder, exponent=self.exponent, eps=self.eps), x=x_part) - x_part = bb.add(HammingWeightPhasing(bitsize=remainder, exponent=self.exponent, eps=self.eps).adjoint(), x=x_part) - x_parts.extend(bb.split(x_part)) - #print("shape prior to flatten: ", np.shape(x_parts)) - #x_parts.flatten() - ''' x_parts = [ - a - for x_part in x_parts - for a in x_part - ] - ''' - #print("shape after flatten: ", np.shape(x_parts)) - for part in x: - print("next elem: ", part) + x_parts.extend(bb.split(x_part)) + if remainder == 1: + x_part = x[-1] + x_part = bb.add(ZPowGate(exponent=self.exponent, eps=self.eps), q=x_part) + x_parts.append(x_part) x = bb.join(np.array(x_parts), dtype=QUInt(self.bitsize)) return {'x': x} @@ -281,6 +269,27 @@ def wire_symbol(self, reg: Optional[Register], idx: Tuple[int, ...] = tuple()) - return super().wire_symbol(reg, idx) + def build_call_graph(self, ssa: 'SympySymbolAllocator') -> 'BloqCountDictT': + num_iters = self.bitsize // (self.ancillasize + 1) + remainder = self.bitsize - (self.ancillasize + 1) * num_iters + # TODO: Surely there is a better way of doing this + if remainder > 1: + + return { + HammingWeightPhasing(self.ancillasize+1, self.exponent, self.eps): num_iters, + HammingWeightPhasing(remainder, self.exponent, self.eps): bool(remainder), + } + elif remainder: + return { + HammingWeightPhasing(self.ancillasize+1, self.exponent, self.eps): num_iters, + ZPowGate(exponent=self.exponent, eps=self.eps): 1 + } + else: + return { + HammingWeightPhasing(self.ancillasize+1, self.exponent, self.eps): num_iters, + } + + @bloq_example def _hamming_weight_phasing_with_configurable_ancilla() -> HammingWeightPhasingWithConfigurableAncilla: hamming_weight_phasing_with_configurable_ancilla = HammingWeightPhasingWithConfigurableAncilla(4, 2, np.pi / 2.0) diff --git a/qualtran/bloqs/rotations/hamming_weight_phasing_test.py b/qualtran/bloqs/rotations/hamming_weight_phasing_test.py index 60cea4458..4b7f55857 100644 --- a/qualtran/bloqs/rotations/hamming_weight_phasing_test.py +++ b/qualtran/bloqs/rotations/hamming_weight_phasing_test.py @@ -129,9 +129,7 @@ def test_hamming_weight_phasing_via_phase_gradient_t_complexity(n: int, theta: f assert total_t < naive_total_t - -@pytest.mark.parametrize('ancillasize', [1, 2, 3, 4, 5, 6, 7]) -@pytest.mark.parametrize('n', [2, 3, 4, 5, 6, 7, 8]) +@pytest.mark.parametrize('n, ancillasize', [(n, ancillasize) for n in range(3, 9) for ancillasize in range(1, n-1)]) @pytest.mark.parametrize('theta', [1 / 10, 1 / 5, 1 / 7, np.pi / 2]) def test_hamming_weight_phasing_with_configurable_ancilla(n: int, ancillasize: int, theta: float): gate = HammingWeightPhasingWithConfigurableAncilla(n, ancillasize, theta) @@ -140,9 +138,12 @@ def test_hamming_weight_phasing_with_configurable_ancilla(n: int, ancillasize: i gate, [ignore_split_join, cirq_to_bloqs, generalize_rotation_angle] ) - assert gate.t_complexity().rotations == ceil(n / ancillasize+1) * ancillasize.bit_length() # possibly wrong - assert gate.t_complexity().t == 4 * ancillasize * ceil(n / (ancillasize+1)) - # TODO: add an ancilla size assertion + remainder = n % (ancillasize+1) + +# assert gate.t_complexity().rotations == (-(-n // (ancillasize+1))-1) * (ancillasize+1).bit_length() + remainder.bit_length() # exact, fails for remainder = 0. + assert gate.t_complexity().rotations <= (-(-n // (ancillasize+1))) * (ancillasize+1).bit_length() + remainder.bit_length() # upper bound + assert gate.t_complexity().t <= 4 * (ancillasize) * -(-n // (ancillasize+1)) + # TODO: add an assertion that number of ancilla allocated is never > ancillasize. gh = GateHelper(gate) sim = cirq.Simulator(dtype=np.complex128) diff --git a/qualtran/bloqs/rotations/my_HWP_test.py b/qualtran/bloqs/rotations/my_HWP.py similarity index 99% rename from qualtran/bloqs/rotations/my_HWP_test.py rename to qualtran/bloqs/rotations/my_HWP.py index 7709dc47d..7bc37616a 100644 --- a/qualtran/bloqs/rotations/my_HWP_test.py +++ b/qualtran/bloqs/rotations/my_HWP.py @@ -1,5 +1,6 @@ from hamming_weight_phasing import HammingWeightPhasing, HammingWeightPhasingWithConfigurableAncilla + import numpy as np from qualtran import Bloq, CompositeBloq, BloqBuilder, Signature, Register from qualtran import QBit, QInt, QUInt, QAny