Quantum Counting Using the Iterative Quantum Amplitude Estimation Algorithm
The quantum counting algorithm [1] efficiently estimates the number of valid solutions to a search problem, based on the amplitude estimation algorithm. It demonstrates a quadratic improvement with regard to a classical algorithm with black box oracle access to the function \(f\).
More precisely, given a Boolean function \(f :\{0, 1\}^n\rightarrow\{0,1\}\), the counting problem estimates the number of inputs \(x\) to \(f\) such that \(f(x)=1\).
This tutorial demonstrates how to estimate the counting problem using a specific variant of the amplitude estimation algorithm: the Iterative Quantum Amplitude Estimation (IQAE) [2].
The IQAE does not rely on the Quantum Phase Estimation algorithm [3], but purely on applications of the grover operator:
thereby reducing the required number of qubits and gates of the circuit, at the expense of additional multiplicative factor polylogarithmic in the error \(\epsilon\).
Setting Up the Problem
We choose this equation:
where \(a\), \(b\) are 2-bit unsigned integers. This equation has six solutions. The goal is to estimate the number of valid solutions out of the 16 possible inputs, with precision \(0.5\).
Amplitude Estimation Using Phase Estimation
We first show how to use quantum phase estimation algorithm for quantum counting [3], then solve it using the IQAE method.
Given a state \(|\psi\rangle\) such that \(|\psi\rangle=\sqrt{a}|\psi_1\rangle+\sqrt{1-a}|\psi_0\rangle\) we can measure \(a\) up to arbitrary precision, given the following building blocks: 1) State preparation: A unitary \(A\) such that: \(A|0\rangle = |\psi\rangle = \sqrt{a}|\psi_1\rangle+\sqrt{1-a}|\psi_0\rangle\).
2) Oracle: A unitary \(S_{\psi_1}\) such that \(S_{\psi_1}=I-2|\psi_1\rangle\langle\psi_1|\), which adds a \((-1)\) phase to \(|\psi_1|\psi\rangle\rangle\) and does nothing to any orthognal states to \(|\psi_1\rangle\). This is effectively a reflection around the "good" state \(|\psi_1\rangle\).
Given these two functions, we can construct the Grover operator:
which is exactly the same operator as for the Grover's search algorithm.
In the subspace spanned by \(|\psi_1\rangle\) and \(|\psi_0\rangle\), \(Q\) has two eigenvalues:
Therefore, if we apply a QPE on \(A|0\rangle\) we have these two eigenvalues encoded in the QPE register; however, both give the value of \(a\), so there is no ambiguity.
Arithmetic Oracle
We define the \(S_{\psi_1}\) oracle:
from classiq import *
A_SIZE = 2
B_SIZE = 2
DOMAIN_SIZE = A_SIZE + B_SIZE
class OracleVars(QStruct):
a: QNum[A_SIZE, False, 0]
b: QNum[B_SIZE, False, 0]
@qfunc
def arith_equation(a: QNum, b: QNum, res: QBit):
res ^= a + b <= 2
# use phase kickback for turning the arith_equation to an oracle
@qfunc
def arith_oracle(state: OracleVars):
aux = QBit("aux")
within_apply(
lambda: (allocate(1, aux), X(aux), H(aux)),
lambda: arith_equation(state.a, state.b, aux),
)
Diffuser
The diffuser consists of the reflection around the \(|0\rangle\) state and a state-preparation function.
The state preparation function \(A\) reflects knowledge about the solution space and can be used to eliminate invalid assignments. Here we assume no knowledge of the solution space; hence, we use the uniform superposition state preparation.
import numpy as np
@qfunc
def reflection_about_zero(x: QArray[QBit]):
lsb = QBit("lsb")
msbs = QArray("msbs", QBit, x.len - 1)
apply_to_all(X, x)
bind(x, [msbs, lsb])
control(msbs, lambda: Z(lsb))
bind([msbs, lsb], x)
apply_to_all(X, x)
@qfunc
def my_diffuser(sp_operand: QCallable[QArray[QBit]], x: QArray[QBit]):
within_apply(
lambda: invert(lambda: sp_operand(x)),
lambda: reflection_about_zero(x),
)
sp_oracle = lambda x: hadamard_transform(x)
Defining a Complete Grover Operator
@qfunc
def my_grover_operator(
oracle_operand: QCallable[QArray[QBit]],
sp_operand: QCallable[QArray[QBit]],
x: QArray[QBit],
):
oracle_operand(x)
my_diffuser(sp_operand, x)
U(0, 0, 0, np.pi, x[0])
Wrapping All to the Phase Estimation
We will achieve the desired precision only in the IQAE phase. Here, we compute the worst-case precision for five phase qubits:
NUM_PHASE_QUBITS = 5
x = np.linspace(0, 1, 100)
(2**DOMAIN_SIZE) * max(
np.abs(
np.sin(np.pi * x) ** 2 - np.sin(np.pi * (x - 1 / (2**NUM_PHASE_QUBITS))) ** 2
)
)
1.5681439279637468
@qfunc
def main(
phase_reg: Output[QNum],
) -> None:
state_reg = OracleVars("state_reg")
allocate(state_reg.size, state_reg)
allocate_num(NUM_PHASE_QUBITS, False, NUM_PHASE_QUBITS, phase_reg)
sp_oracle(state_reg)
qpe(
unitary=lambda: my_grover_operator(
arith_oracle,
sp_oracle,
state_reg,
),
phase=phase_reg,
)
Synthesizing the Model to a Quantum Program
constraints = Constraints(max_width=14)
qmod_qpe = create_model(main, constraints=constraints, out_file="quantum_counting_qpe")
qprog_qpe = synthesize(qmod_qpe)
show(qprog_qpe)
Executing the Quantum Program
result = execute(qprog_qpe).result_value()
Upon plotting the resulting histogram, we see two phase values with high probability (however, both correspond to the same amplitude). Note that phase_reg
is already coded as fixed QNum in the range [0,1].
import matplotlib.pyplot as plt
phases_counts = dict(
(sampled_state.state["phase_reg"], sampled_state.shots)
for sampled_state in result.parsed_counts
)
plt.bar(phases_counts.keys(), phases_counts.values(), width=0.1)
plt.xticks(rotation=90)
print("phase with max probability: ", max(phases_counts, key=phases_counts.get))
phase with max probability: 0.78125
From the phase, we can extract the number of solutions:
solutions_ratio_qpe = np.sin(np.pi * max(phases_counts, key=phases_counts.get)) ** 2
print(
"Number of solutions: ",
(2**DOMAIN_SIZE) * solutions_ratio_qpe,
)
Number of solutions: 6.439277423870974
Amplitude Estimation Using Iterative Quantum Amplitude Estimation
Now we are ready for the iterative method.
Instead of QPE, the algorithm applies the unitary
where \(m\), the number of repetitions, changes between iterations of the algorithm.
There is one subtlety that changes the way we work with the Grover operator. The classical algorithm expects an additional indicator qubit that marks the "good" states, i.e.:
So now, most of our logic goes into the state preparation oracle (\(A\)). It combines the loading of the solution space with setting the indicator qubit.
class IQAEVars(QStruct):
state: OracleVars
ind: QBit
@qfunc
def iqae_state_preparation(vars: IQAEVars):
hadamard_transform(vars.state)
arith_equation(vars.state.a, vars.state.b, vars.ind)
Now, as we use the indicator qubit, the oracle is simple: it is just a \(Z\) gate on the indicator qubit!
@qfunc
def iqae_oracle(vars: IQAEVars):
Z(vars.ind)
Wrapping All to the Iterative Quantum Amplitude Estimation Algorithm
The circuit starts with the state \(A|0\rangle\), then applies iterations of the Grover operator.
Note that the algorithm applies a varied number of Grover iterations on each execution. The number of iterations is chosen dynamically based on previous execution results, using statistical inference methods.
@qfunc
def my_iqae_algorithm(
k: CInt,
oracle_operand: QCallable[QArray[QBit]],
sp_operand: QCallable[QArray[QBit]],
x: IQAEVars,
):
sp_operand(x)
power(k, lambda: my_grover_operator(oracle_operand, sp_operand, x))
We use the built-in iqae
classical execution code. It assumes only one output to the circuit, which is the indicator qubit.
We set \(\epsilon = 1/{2^4} \cdot 0.5 = 1/32\). alpha
is the tail probability of estimating the result with accuracy \(\epsilon\).
DOMAIN_SIZE_QCONST = QConstant("DOMAIN_SIZE_QCONST", int, DOMAIN_SIZE)
@cfunc
def cmain():
iqae_res = iqae(epsilon=1 / ((2**DOMAIN_SIZE_QCONST) * 2), alpha=0.01)
save({"iqae_res": iqae_res})
@qfunc
def main(
k: CInt,
ind_reg: Output[QBit],
) -> None:
full_reg = IQAEVars("full_reg")
allocate(full_reg.size, full_reg)
my_iqae_algorithm(
k,
iqae_oracle,
iqae_state_preparation,
full_reg,
)
state_reg = OracleVars("state_reg")
bind(full_reg, [state_reg, ind_reg])
Synthesizing the Model to a Quantum Program
constraints = Constraints(optimization_parameter="width")
qmod_iqae = create_model(
main,
constraints=constraints,
classical_execution_function=cmain,
out_file="quantum_counting_iqae",
)
qprog_iqae = synthesize(qmod_iqae)
show(qprog_iqae)
Executing the Quantum Program
iqae_result = execute(qprog_iqae).result_value()
print(
f"IQAE result: {iqae_result.estimation}, confidence interval: {iqae_result.confidence_interval}"
)
IQAE result: 0.37335803667582856, confidence interval: (0.3454915028125263, 0.40122457053913085)
print(
f"Number of solutions: {(2**DOMAIN_SIZE) * iqae_result.estimation}, accuracy: "
f"{(2**DOMAIN_SIZE)*(iqae_result.confidence_interval[1]-iqae_result.confidence_interval[0])}"
)
Number of solutions: 5.973728586813257, accuracy: 0.8917290836256733
assert np.isclose(
iqae_result.estimation, solutions_ratio_qpe, 1 / ((2**DOMAIN_SIZE) * 0.5)
)
assert np.isclose(
iqae_result.estimation, 6 / (2**DOMAIN_SIZE), 1 / ((2**DOMAIN_SIZE) * 0.5)
)
We can also see the statistics of the IQAE execution:
for i, iteration in enumerate(iqae_result.iterations_data):
print(
f"iteration_id: {i}, num grover iterations: {iteration.grover_iterations}, counts: {iteration.sample_results.counts}"
)
iteration_id: 0, num grover iterations: 0, counts: {'0': 581, '1': 419}
iteration_id: 1, num grover iterations: 2, counts: {'0': 977, '1': 23}
References
[1]: Quantum Counting Algorithm, Wikipedia.
[2]: Grinko, D., Gacon, J., Zoufal, C. et al. Iterative quantum amplitude estimation. npj Quantum Inf 7, 52 (2021).
[3]: Brassard, G., Hoyer, P., Mosca, M., & Tapp, A. (2002). Quantum Amplitude Amplification and Estimation. Contemporary Mathematics, 305, 53-74.