Skip to main contentIBM Quantum Documentation

Optimization Solver: A Qiskit Function by Q-CTRL Fire Opal


Overview

With the Fire Opal Optimization Solver, you can solve utility-scale optimization problems on quantum hardware without requiring quantum expertise. Simply input the high-level problem definition, and the Solver takes care of the rest. The entire workflow is noise-aware and leverages Fire Opal's Performance Management under the hood. The Solver consistently delivers accurate solutions to classically challenging problems, even at full-device scale on the largest IBM® QPUs.

The Solver is flexible and can be used to solve combinatorial optimization problems defined as objective functions or arbitrary graphs. Problems do not have to be mapped to device topology. Both unconstrained and constrained problems are solvable, given that constraints can be formulated as penalty terms. The examples included in this guide demonstrate how to solve an unconstrained and a constrained utility-scale optimization problem using different Solver input types. The first example involves a Max-Cut problem defined on a 156-node, 3-Regular graph, while the second example tackles a 50-node Minimum Vertex Cover problem defined by a cost function.

To get access to the Optimization Solver, fill out this form.


Function description

The Solver fully optimizes and automates the entire algorithm, from error suppression at the hardware level to efficient problem mapping and closed-loop classical optimization. Behind the scenes, the Solver's pipeline reduces errors at every stage, enabling the enhanced performance required to meaningfully scale. The underlying workflow is inspired by the Quantum Approximate Optimization Algorithm (QAOA), which is a hybrid quantum-classical algorithm. For a detailed summary of the full Optimization Solver workflow, refer to the published manuscript.

Visualization of the Optimization Solver workflow

To solve a generic problem with the Optimization Solver:

  1. Define your problem as an objective function or a graph.
  2. Connect to the function through the Qiskit Functions Catalog.
  3. Run the problem with the Solver and retrieve results.

Inputs and outputs

Inputs

NameTypeDescriptionRequiredExample
problemstrOne of the representations listed under "Accepted problem formats".YesPoly(2.0*n[0]*n[1] + 2.0*n[0]*n[2] - 3.13520241298341*n[0] + 2.0*n[1]*n[2] - 3.14469748506794*n[1] - 3.18897660121566*n[2] + 6.0, n[0], n[1], n[2], domain='RR')
problem_typestrName of the problem class. This is only used for graph problem definitions to determine the objective. Currently limited to “maxcut”.No“maxcut”
instancestrThe hub/group/project to use in that format.Yes“hub1/group1/project1”
run_optionsdictInput options, including the following: (Optional) backend_name: str. Defaults to least busy backend.No{“backend_name”: “ibm_fez"}

Accepted problem formats:

  • Polynomial expression representation of an objective function. Ideally created in Python with an existing SymPy Poly object and formatted into a string using sympy.srepr.
  • Graph representation of a specific problem type. The graph should be created using the networkx library in Python. It should then converted to a string by using the networkx function [nx.readwrite.json_graph.adjacency_data](http://nx.readwrite.json_graph.adjacency_data.).

Outputs

NameTypeDescriptionExample
resultdict[str, Any]Solution and metadata listed under "Result dictionary contents"{‘solution_bitstring_cost’: 3.0, ‘final_bitstring_distribution’: {‘000001’: 100, ‘000011’: 2}, ‘iteration_count’: 3, ‘solution_bitstring’: ‘000001’, 'variables_to_bitstring_index_map': {n[1]': 5, 'n[2]': 4, 'n[3]': 3, 'n[4]': 2, 'n[5]': 1}, 'best_parameters': [0.19628831763697097, -1.047052334523102], 'warnings': []}

Result dictionary contents:

NameTypeDescription
solution_bitstring_costfloatThe best minimum cost across all iterations
final_bitstring_distributionCountsDictThe bitstring counts dictionary associated with the minimum cost
solution_bitstringstrBitstring with the best cost in the final distribution
iteration_countintThe total number of QAOA iterations performed by the Solver
variables_to_bitstring_index_mapfloatThe mapping from the variables to the equivalent bit in the bitstring
best_parameterslist[float]The optimized beta and gamma parameters across all iterations
warningslist[str]The warnings produced while compiling or running QAOA (defaults to None)

Benchmarks

Published benchmarking results show that the Solver successfully solves problems with over 120 qubits, even outperforming previously published results on quantum annealing and trapped-ion devices. The following benchmark metrics provide a rough indication of the accuracy and scaling of problem types based on a few examples. Actual metrics may differ based on various problem features, such as the number of terms in the objective function (density) and their locality, number of variables, and polynomial order.

The "Number of qubits" indicated is not a hard limitation but represents rough thresholds where you can expect extremely consistent solution accuracy. Larger problem sizes have been successfully solved, and testing beyond these limits is encouraged.

Arbitrary qubit connectivity is supported across all problem types.

Problem typeNumber of qubitsExampleAccuracyTotal time (s)Runtime usage (s)Number of iterations
Sparsely-connected quadratic problems1563-regular Max-Cut100%176429316
Higher-order binary optimization156Ising spin-glass model100%146127216
Densely-connected quadratic problems50Fully-connected Max-Cut100%175826812
Constrained problem with penalty terms50Weighted Minimum Vertex Cover with 8% edge density100%107421510

Get started

Authenticate using your IBM Quantum™ API token, and select the Qiskit Function as follows:

[ ] :
from qiskit_ibm_catalog import QiskitFunctionsCatalog
 
# Credentials
token = "<YOUR_IQP_API_TOKEN>"
hub = "<YOUR_IQP_HUB>"
group = "<YOUR_IQP_GROUP>"
project = "<YOUR_IQP_PROJECT>"
 
# Authentication
catalog = QiskitFunctionsCatalog(token=token)
 
# Access Function
solver = catalog.load('q-ctrl/optimization-solver')

Example: Unconstrained Optimization

Run the maximum cut (Max-Cut) problem. The following example demonstrates the Solver's capabilities on a 120-node, 3-regular unweighted graph Max-Cut problem, but you can also solve weighted graph problems.

In addition to the qiskit-serverless package, you will also use the following packages to run this example: NetworkX, PuLP, and NumPy. You can install these packages by uncommenting the following cell if you are running this example in a notebook using the IPython kernel.

[ ] :
# %pip install networkx numpy

1. Define the problem

You can run a Max-Cut problem by defining a graph problem and specifying problem_type='maxcut'.

[2] :
import networkx as nx
import pulp
import numpy as np
 
# Generate a random graph with 120 nodes
maxcut_graph = nx.random_regular_graph(d=3, n=156, seed=8)
[4] :
# Optionally, visualize the graph
nx.draw(maxcut_graph, nx.kamada_kawai_layout(maxcut_graph), node_size=100)

Output:

<Figure size 640x480 with 1 Axes>

The Solver accepts a string as the problem definition input.

[5] :
# Convert graph to string
problem_as_str = nx.readwrite.json_graph.adjacency_data(maxcut_graph)

2. Run the problem

When using the graph-based input method, specify the problem type.

[14] :
# Solve the problem
maxcut_job = solver.run(
    problem = problem_as_str,
    problem_type = "maxcut",
    instance = hub + "/" + group + "/" + project
)

You can use the familiar Qiskit Serverless APIs to check your Qiskit Function workload's status:

[ ] :
# Get job status
print(maxcut_job.status())

3. Get the result

Retrieve the optimal cut value from the results dictionary.

Note
The mapping of the variables to the bitstring may have changed. The output dictionary contains a variables_to_bitstring_index_map sub-dictionary, which helps to verify the ordering.
[15] :
# Poll for results
maxcut_result = maxcut_job.result()
 
# Take the absolute value of the solution since the cost function is minimized
qctrl_maxcut = abs(maxcut_result["solution_bitstring_cost"])
 
# Print the optimal cut value found by the Optimization Solver
print(f"Optimal cut value: {qctrl_maxcut}")

Output:

Optimal cut value: 210.0

You can verify the accuracy of the result by solving the problem classically with open-source solvers like PuLP if the graph is not densely connected. High density problems may require advanced classical solvers to validate the solution.


Example: Constrained optimization

The prior Max-Cut example is a common quadratic unconstrained binary optimization problem. Q-CTRL's Optimization Solver can be used for various problem types, including constrained optimization. You can solve arbitrary problem types by inputting the problem definition represented as a polynomial where constraints are modeled as penalty terms.

The following example demonstrates how to construct a cost function for a constrained optimization problem, minimum vertex cover (MVC).

In addition to the qiskit-ibm-catalog and qiskit packages, you will also use the following packages to run this example: NumPy, NetworkX, SymPy and PuLP. You can install these packages by uncommenting the following cell if you are running this example in a notebook using the IPython kernel.

[ ] :
# %pip install numpy networkx sympy

1. Define the problem

Define a random MVC problem by generating a graph with randomly weighted nodes.

[19] :
import numpy as np
import networkx as nx
from sympy import symbols, Poly
import pulp
 
# To change the weights, change the seed to any integer.
rng_seed = 18
_rng = np.random.default_rng(rng_seed)
node_count = 50
edge_probability = 0.08
mvc_graph = nx.erdos_renyi_graph(
    node_count, edge_probability, seed=rng_seed, directed=False
)
 
# add node weights
for i in mvc_graph.nodes:
    mvc_graph.add_node(i, weight=_rng.random())
 
# Optionally, visualize the graph
nx.draw(
    mvc_graph,
    nx.kamada_kawai_layout(mvc_graph),
    node_size=200,
)

Output:

<Figure size 640x480 with 1 Axes>

A standard optimization model for weighted MVC can be formulated as follows. First, a penalty must be added for any case where an edge is not connected to a vertex in the subset. Therefore, let ni=1n_i = 1 if vertex ii is in the cover (i.e., in the subset) and ni=0n_i = 0 otherwise. Second, the goal is to minimize the total number of vertices in the subset, which can be represented by the following function:

Minimizey=iVωini\textbf{Minimize}\qquad y = \sum_{i\in V} \omega_i n_i

[21] :
# Construct the cost function.
variables = symbols([f"n[{i}]" for i in range(node_count)])
cost_function = Poly(0, variables)
 
for i in mvc_graph.nodes():
    weight = mvc_graph.nodes[i].get("weight", 0)
    cost_function += variables[i] * weight

Now every edge in the graph should include at least one end point from the cover, which can be expressed as the inequality:

ni+nj1 for all (i,j)En_i + n_j \ge 1 \texttt{ for all } (i,j)\in E

Any case where an edge is not connected to the vertex of cover must be penalized. This can be represented in the cost function by adding a penalty of the form P(1ninj+ninj)P(1-n_i-n_j+n_i n_j) where PP is a positive penalty constant. Thus, an unconstrained alternative to the constrained inequality for weighted MVC is:

Minimizey=iVωini+P((i,j)E(1ninj+ninj))\textbf{Minimize}\qquad y = \sum_{i\in V}\omega_i n_i + P(\sum_{(i,j)\in E}(1 - n_i - n_j + n_i n_j))

[23] :
# Add penalty term.
penalty_constant = 2
for i, j in mvc_graph.edges():
    cost_function += penalty_constant * (
        1 - variables[i] - variables[j] + variables[i] * variables[j]
    )

2. Run the problem

[ ] :
# Solve the problem
mvc_job = solver.run(
    problem = sympy.srepr(cost_function),
    instance = hub + "/" + group + "/" + project
)

You can check your Qiskit Function workload's status as follows:

[ ] :
print(mvc_job.status())

3. Get the result

Retrieve the solution and analyze the results. Because this problem has weighted nodes, the solution is not simply the minimum number of nodes covered. Instead, the solution cost represents the sum of the weights of the vertices that are included in the vertex cover. It represents the total "cost" or "weight" of covering all the edges in the graph using the selected vertices.

[ ] :
mvc_result = mvc_job.result()
qctrl_cost = mvc_result["solution_bitstring_cost"]
 
# Print results
print(f"Solution cost: {qctrl_cost}")

Output:

Solution cost: 10.248198273708624

Get support

For any questions or issues, reach out to Q-CTRL.


Next steps

Was this page helpful?
Report a bug or request content on GitHub.