diff --git a/.github/workflows/codeql.yml b/.github/workflows/codeql.yml
index 9828f2e12..5b8851a89 100644
--- a/.github/workflows/codeql.yml
+++ b/.github/workflows/codeql.yml
@@ -27,7 +27,7 @@ jobs:
steps:
- name: Checkout
- uses: actions/checkout@v3
+ uses: actions/checkout@v4
- name: Initialize CodeQL
uses: github/codeql-action/init@v2
diff --git a/.github/workflows/coverage.yml b/.github/workflows/coverage.yml
index b7bdabb5e..c997076ba 100644
--- a/.github/workflows/coverage.yml
+++ b/.github/workflows/coverage.yml
@@ -13,7 +13,7 @@ jobs:
run:
runs-on: ubuntu-latest
steps:
- - uses: actions/checkout@v3
+ - uses: actions/checkout@v4
with:
fetch-depth: 0
- name: Setup Python
diff --git a/.github/workflows/deploy.yml b/.github/workflows/deploy.yml
index e91ae94a6..610c499f1 100644
--- a/.github/workflows/deploy.yml
+++ b/.github/workflows/deploy.yml
@@ -13,7 +13,7 @@ jobs:
name: Build wheel
runs-on: ubuntu-latest
steps:
- - uses: actions/checkout@v3
+ - uses: actions/checkout@v4
with:
fetch-depth: 0
- uses: actions/setup-python@v4
@@ -34,7 +34,7 @@ jobs:
name: Build src distribution
runs-on: ubuntu-latest
steps:
- - uses: actions/checkout@v3
+ - uses: actions/checkout@v4
with:
fetch-depth: 0
- uses: actions/setup-python@v4
diff --git a/.github/workflows/mypy.yml b/.github/workflows/mypy.yml
index 2fb845d1a..d2984e8f9 100644
--- a/.github/workflows/mypy.yml
+++ b/.github/workflows/mypy.yml
@@ -16,7 +16,7 @@ jobs:
runs-on: ubuntu-latest
name: Run my[py] linter
steps:
- - uses: actions/checkout@v3
+ - uses: actions/checkout@v4
- uses: actions/setup-python@v4
with:
python-version: "3.10"
diff --git a/.gitignore b/.gitignore
index 8e3cb04d9..d54b195e2 100644
--- a/.gitignore
+++ b/.gitignore
@@ -1,4 +1,7 @@
model_*.zip
+*.qasm
+*.DS_Store
+*-checkpoint.ipynb
/build*
/cmake-build-*
diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml
index e1453135a..0314af9a4 100644
--- a/.pre-commit-config.yaml
+++ b/.pre-commit-config.yaml
@@ -87,9 +87,12 @@ repos:
files: ^(src|tests|setup.py)
args: []
additional_dependencies:
+ - pytket-qiskit
+ - qiskit_optimization
+ - qiskit_nature
+ - qiskit_finance
- importlib_resources
- pytest
- types-setuptools
- types-requests
- types-tqdm
- - pytket-qiskit
diff --git a/README.md b/README.md
index 691a643d7..945a78c34 100644
--- a/README.md
+++ b/README.md
@@ -10,20 +10,75 @@
-# MQT Predictor: Automatic Prediction of Good Compilation Paths
+# MQT Predictor: Automatic Device Selection with Device-Specific Circuit Compilation for Quantum Computing
-MQT Predictor is a framework suggesting a compilation options to use for an arbitrary quantum circuit according to the user's needs.
-To this end, we provide two models for predicting good compilation options and returning the accordingly compiled quantum circuit.
+MQT Predictor is a framework that allows one to automatically select a suitable quantum device for a particular application and provides an optimized compiler for the selected device.
+It not only supports end-users in navigating the vast landscape of choices, it also allows to mix-and-match compiler passes from various tools to create optimized compilers that transcend the individual tools.
+Evaluations on more than 500 quantum circuits and seven devices have shown that—compared to Qiskit's and TKET's most optimized compilation flows—the MQT Predictor yields circuits with an expected fidelity that is on par with the best possible result that could be achieved by trying out all combinations of devices and compilers and even achieves a similar performance when considering the critical depth as an alternative figure of merit.
-## Supervised Machine Learning Model (referred to as "ML")
+Therefore, MQT Predictor tackles this problem from two angles:
-Here, the problem is treated as a statistical classification task and a supervised machine learning model is trained to predict
-the best compilation options for a given quantum circuits consisting of a qubit technology, a quantum device, a respective compiler, and its settings:
+1. It provides a method (based on Reinforcement Learning) that produces device-specific quantum circuit compilers by combining compilation passes from various compiler tools and learning optimized sequences of those passes with respect to a customizable figure of merit). This mix-and-match of compiler passes from various tools allows one to eliminate vendor locks and to create optimized compilers that transcend the individual tools.
-![](https://raw.githubusercontent.com/cda-tum/mqtpredictor/main/img/mqt_predictor_ml.png)
+2. It provides a prediction method (based on Supervised Machine Learning) that, without performing any compilation, automatically predicts the most suitable device for a given application. This completely eliminates the manual and laborious task of determining a suitable target device and guides end-users through the vast landscape of choices without the need for quantum computing expertise.
-Furthermore, the resulting methodology does not only provide end-users with a prediction on the best compilation options,
-but additionally provides insights on why certain decisions have been made—allowing them to learn from the predicted results.
+
+
+
+
+In the following, we provide a brief overview of the two approaches.
+
+## Device-specific Quantum Circuit Compiler Using Reinforcement Learning Model
+
+Compilation, fortunately, is not new per-se, since classical compilers have seen a similar trend of an increasing complexity and variety in the past.
+To not reinvent the wheel and make use of the decades of classical compiler optimization, quantum compilation is modeled in a similar fashion and classical reinforcement learning is used to predict compilation pass sequences optimizing for the chosen figure of merit.
+
+Through distinct constraints and a unifying interface, the framework supports the combination of techniques
+from different compilers and optimization tools in a single compilation flow.
+The compilation process is modelled as a Markov Decision Process and takes three inputs:
+
+1. Training circuits
+2. The targeted quantum device
+3. The figure of merit to optimize for
+
+
+
+
+
+The trained reinforcement learning model then acts as a compiler and can be used to compile any quantum circuit for the targeted device.
+
+In this implementation, compilation passes from both IBM's Qiskit and Quantinuum's TKET are utilized for the RL training
+of the optimized compiler.
+We trained one RL model for each currently supported quantum device:
+
+- OQC Lucy with 8 qubits
+- IonQ Harmony with 11 qubits
+- IonQ Aria1 with 25 qubits
+- IBM Montreal with 27 qubits
+- Quantinuum H2 with 32 qubits
+- Rigetti Aspen-M2 with 80 qubits
+- IBM Washington with 127 qubits
+
+## Automatic Device Selection Using Supervised Machine Learning
+
+A naive approach to select the best quantum device for a given quantum circuit would be to compile it for all devices, e.g., using the trained RL models which act as specialized compilers for supported quantum devices.
+Afterwards, the resulting compiled circuits must be evaluated according to some figure of merit to identify the most promising device.
+However, doing this for each and every to-be-compiled quantum circuit is practically infeasible since compilation is a time-consuming task.
+
+The MQT Predictor learns from previous compilations of other quantum circuits and models the problem of determining the most promising device for a circuit and figure of merit as a statistical classification task—a task well suited for supervised machine learning.
+For that, the framework is trained with a set of quantum circuits and their respective compilation options for all supported devices for a given figure of merit:
+
+
+
+
+
+The trained model then acts as a predictor and can be used to predict the most suitable device for a given quantum circuit and figure of merit.
For evaluation of our methodology, seven supervised machine learning classifiers have been used:
@@ -37,29 +92,21 @@ For evaluation of our methodology, seven supervised machine learning classifiers
In our exemplary scenario, the Random Forest classifier achieved the best performance.
-This ML model comprises three main functionalities:
+# The MQT Predictor framework: Automatic device selection and optimized compilation
-- The pre-trained Random Forest classifier to easily predict compilation options for an unseen quantum circuit
- in real-time and compile for the respective prediction,
-- all other trained algorithms, and
-- the possibility to adjust and customize the whole training data generation process, e.g., to add training data, compilation options, or adapt the evaluation function.
+From a user's perspective, the framework is used as follows:
-## Reinforcement Learning Model (referred to as "RL")
-
-In this work, we take advantage of decades of classical compiler optimization and propose a
-reinforcement learning framework for developing optimized quantum circuit compilation flows.
-Through distinct constraints and a unifying interface, the framework supports the combination of techniques
-from different compilers and optimization tools in a single compilation flow.
-The compilation process is modelled as a Markov Decision Process:
-
-![](https://raw.githubusercontent.com/cda-tum/mqtpredictor/main/img/mqt_predictor_rl.png)
+
+
+
-In this implementation, compilation passes from both IBM's Qiskit and Quantinuum's TKET are utilized for the RL training
-of the optimized compiler.
-We trained one RL model for each of the three optimization criteria of expected fidelity, minimal critical depth, and
-maximal parallelism.
+Any uncompiled quantum circuit can be provided together with the desired figure of merit.
+The framework then automatically predicts the most suitable device for the given circuit and figure of merit and compiles the circuit for the predicted device.
+The compiled circuit is returned together with the compilation information and the selected device.
-# Usage of MQT Predictor
+# Usage
First, the package must be installed:
@@ -70,16 +117,14 @@ First, the package must be installed:
Now a prediction can be made for any `qiskit.QuantumCircuit` object or `qasm` file:
```python
-from mqt.predictor import ml, rl
+from mqt.predictor import qcompile
-compiled_qc_ML, compilation_info_ML = ml.qcompile("qasm_file_path_or_QuantumCircuit")
-compiled_qc_RL, compilation_info_RL = rl.qcompile(
- "qasm_file_path_or_QuantumCircuit", opt_objective="fidelity"
+compiled_qc, compilation_info, selected_device = qcompile(
+ "qasm_file_path_or_QuantumCircuit", figure_of_merit="expected_fidelity"
)
```
-In the RL model, the `opt_objective` options are `fidelity`, `critical_depth`, `gate_ratio`,
-and `mix` (combination of `fidelity` and `critical_depth`).
+Currently available figures of merit are `fidelity` and `critical_depth`.
# Examination of all seven trained classifiers of the ML model
@@ -89,15 +134,6 @@ To play around with all the examined models, please use the `notebooks/ml/evalua
The adjustment of the following parts is possible:
-### Compilation Path and Compilation Pipelines
-
-Definition of the to be considered compilation options for
-
-- chosen qubit technologies,
-- their respective devices,
-- the suitable compilers, and
-- their compilation settings.
-
### Evaluation Metric
To make predictions which compilation options are the best ones for a given quantum circuits, a goodness definition is needed.
@@ -116,15 +152,19 @@ After the adjustment is finished, the following methods need to be called to gen
from mqt.predictor import ml
predictor = ml.Predictor()
-predictor.generate_compiled_circuits()
-res = predictor.generate_trainingdata_from_qasm_files()
-ml.helper.save_training_data(res)
+predictor.generate_compiled_circuits(figure_of_merit="expected_fidelity")
+training_data, name_list, scores_list = predictor.generate_trainingdata_from_qasm_files(
+ figure_of_merit="expected_fidelity"
+)
+ml.helper.save_training_data(
+ training_data, name_list, scores_list, figure_of_merit="expected_fidelity"
+)
```
Now, the Random Forest classifier can be trained:
```python
-predictor.train_random_forest_classifier()
+predictor.train_random_forest_classifier(figure_of_merit="expected_fidelity")
```
Additionally, the raw training data may be extracted and can be used for any machine learning model:
@@ -139,7 +179,9 @@ Additionally, the raw training data may be extracted and can be used for any mac
indices_test,
names_list,
scores_list,
-) = predictor.get_prepared_training_data(save_non_zero_indices=True)
+) = predictor.get_prepared_training_data(
+ save_non_zero_indices=True, figure_of_merit="expected_fidelity"
+)
```
# Repository Structure
@@ -147,10 +189,9 @@ Additionally, the raw training data may be extracted and can be used for any mac
```
.
├── notebooks/
-│ ├── ml/
-│ │ ├── ...
-│ └── rl/
-│ └── ...
+│ ├── evaluations/
+│ │ ├── ...
+│ └── example.ipynb
├── src/
│ ├── mqt/
│ └── predictor/
@@ -169,7 +210,7 @@ Additionally, the raw training data may be extracted and can be used for any mac
# References
-In case you are using MQT Predictor with the ML model in your work, we would be thankful if you referred to it by citing the following publication:
+The MQT Predictor is based on the following publications:
```bibtex
@INPROCEEDINGS{quetschlich2023prediction,
@@ -183,8 +224,6 @@ In case you are using MQT Predictor with the ML model in your work, we would be
which is also available on arXiv:
[![a](https://img.shields.io/static/v1?label=arXiv&message=2210.08027&color=inactive&style=flat-square)](https://arxiv.org/abs/2210.08027)
-In case you are using the RL model in your work, we would be thankful if you referred to it by citing the following publication:
-
```bibtex
@INPROCEEDINGS{quetschlich2023compileroptimization,
author = {N. Quetschlich and L. Burgholzer and R. Wille},
diff --git a/img/ml.png b/img/ml.png
new file mode 100644
index 000000000..93fbe2890
Binary files /dev/null and b/img/ml.png differ
diff --git a/img/mqt_predictor.png b/img/mqt_predictor.png
new file mode 100644
index 000000000..6b02f3f52
Binary files /dev/null and b/img/mqt_predictor.png differ
diff --git a/img/mqt_predictor_ml.png b/img/mqt_predictor_ml.png
deleted file mode 100644
index be0c2a6ef..000000000
Binary files a/img/mqt_predictor_ml.png and /dev/null differ
diff --git a/img/mqt_predictor_rl.png b/img/mqt_predictor_rl.png
deleted file mode 100644
index e31d451d4..000000000
Binary files a/img/mqt_predictor_rl.png and /dev/null differ
diff --git a/img/rl.png b/img/rl.png
new file mode 100644
index 000000000..dae3b7111
Binary files /dev/null and b/img/rl.png differ
diff --git a/notebooks/evalutions/overall_evaluation.ipynb b/notebooks/evalutions/overall_evaluation.ipynb
new file mode 100644
index 000000000..1f940bc49
--- /dev/null
+++ b/notebooks/evalutions/overall_evaluation.ipynb
@@ -0,0 +1,541 @@
+{
+ "cells": [
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "697e4c2b",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "import pandas as pd\n",
+ "import matplotlib.pyplot as plt\n",
+ "import matplotlib as mpl\n",
+ "import numpy as np\n",
+ "from mqt.predictor import rl, ml\n",
+ "df = pd.read_csv(ml.helper.get_path_results(), sep=',')\n",
+ "\n",
+ "plt.rcParams[\"font.family\"] = \"Times New Roman\"\n",
+ "plt.rcParams[\"font.size\"] = 30\n",
+ "\n",
+ "apply_normalization = False"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "5cd42294",
+ "metadata": {},
+ "source": [
+ "# 2x2 Matrix With Mean Results and Optimization Criterion Comparison"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "6a887a2c",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "tmp_df = df[df[\"MQTPredictor_expected_fidelity_expected_fidelity\"]>=0]\n",
+ "tmp_df = tmp_df[tmp_df[\"MQTPredictor_critical_depth_expected_fidelity\"]>=0]\n",
+ "MQT_expected_fidelity = [tmp_df[\"MQTPredictor_expected_fidelity_expected_fidelity\"].mean(), tmp_df[\"MQTPredictor_expected_fidelity_critical_depth\"].mean()]\n",
+ "MQT_critical_depth = [tmp_df[\"MQTPredictor_critical_depth_expected_fidelity\"].mean(), tmp_df[\"MQTPredictor_critical_depth_critical_depth\"].mean()]"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "c8d299e2",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "print(np.round(MQT_expected_fidelity,2))\n",
+ "print(np.round(MQT_critical_depth,2))"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "bf93d18b-b61a-47ae-988c-590e25e2f203",
+ "metadata": {},
+ "source": [
+ "## Top 3 Bins"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "e649aff4-7fb8-457f-9ec8-c1cd97bbc4ea",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "def bins_labels(bins, **kwargs):\n",
+ " bin_w = (max(bins) - min(bins)) / (len(bins) - 1)\n",
+ " plt.xticks(np.arange(min(bins)+bin_w/2, max(bins), bin_w), bins, **kwargs)\n",
+ " plt.xlim(bins[0], bins[-1])"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "7efb6e96-22c3-4739-b480-75d7b9a42785",
+ "metadata": {},
+ "source": [
+ "## Calcualte Data Points"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "76d28b11-cf2b-4286-a09a-05098b0cfd84",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "def calculate_median(row, column_name):\n",
+ " columns = [col for col in row.index if col.endswith(column_name) and not \"MQT\" in col]\n",
+ " values = [value for col, value in row[columns].items() if value != -1]\n",
+ " return np.median(values) if values else None\n",
+ "\n",
+ "df['expected_expected_fidelity_median'] = df.apply(calculate_median, column_name=\"_expected_fidelity\",axis=1)\n",
+ "df['critical_depth_median'] = df.apply(calculate_median, column_name=\"_critical_depth\",axis=1)\n",
+ "df['expected_expected_fidelity_min_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_expected_fidelity') and 'MQT' not in col]].replace(-1, np.nan).min(skipna=True), axis=1)\n",
+ "df['expected_expected_fidelity_max_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_expected_fidelity') and 'MQT' not in col]].max(), axis=1)\n",
+ "df['critical_depth_min_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_critical_depth') and 'MQT' not in col]].replace(-1, np.nan).min(skipna=True), axis=1)\n",
+ "df['critical_depth_max_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_critical_depth') and 'MQT' not in col]].max(), axis=1)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "15623d11-8024-4d65-ac23-b468af76ab70",
+ "metadata": {},
+ "source": [
+ "## Optionally: Normalize"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "86906f27-0c80-4f63-a8fe-c1310a38e106",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "if apply_normalization:\n",
+ " divider_column_name = 'expected_expected_fidelity_max_other'\n",
+ " \n",
+ " # Get the list of column names ending with \"_expected_fidelity\"\n",
+ " columns_to_divide = [col for col in df.columns if col.endswith(\"_expected_fidelity\") or col in ['expected_expected_fidelity_min_other', 'exptected_expected_fidelity_max_other', 'exptected_expected_fidelity_median' ]]\n",
+ " \n",
+ " # Iterate through each column and perform the division\n",
+ " for col_name in columns_to_divide:\n",
+ " df[col_name] = df[col_name].divide(df[divider_column_name])\n",
+ " \n",
+ " divider_column_name = 'critical_depth_max_other'\n",
+ " \n",
+ " # Get the list of column names ending with \"_expected_fidelity\"\n",
+ " columns_to_divide = [col for col in df.columns if col.endswith(\"_critical_depth\") or col in ['critical_depth_min_other', 'critical_depth_max_other', 'critical_depth_median' ]]\n",
+ " \n",
+ " # Iterate through each column and perform the division\n",
+ " for col_name in columns_to_divide:\n",
+ " df[col_name] = df[col_name].divide(df[divider_column_name])"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "686119db-4ea4-4d61-9fd4-50d06131301c",
+ "metadata": {},
+ "source": [
+ "# Expected Fidelity"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "221a7376-c5e1-483d-ba5d-aa476ed55da0",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "predictor = ml.Predictor()\n",
+ "\n",
+ "training_data = predictor.get_prepared_training_data(figure_of_merit=\"expected_fidelity\", save_non_zero_indices=True)\n",
+ "indices_test = training_data.indices_test\n",
+ "names_list = training_data.names_list\n",
+ "\n",
+ "test_benchmarks_expected_fidelity = [names_list[index_test] for index_test in indices_test]\n",
+ "df_filtered_expected_fidelity = df[df[\"file_path\"].isin(test_benchmarks_expected_fidelity)]\n",
+ "df_filtered_expected_fidelity = df_filtered_expected_fidelity[df_filtered_expected_fidelity[\"MQTPredictor_expected_fidelity_expected_fidelity\"]>=0]"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "87e9f7d1-f565-4d14-ad75-b0e8bb2820fe",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "print(\"Fid Improvement: \", df_filtered_expected_fidelity.loc[df['MQTPredictor_expected_fidelity_expected_fidelity'] != np.inf, 'MQTPredictor_expected_fidelity_expected_fidelity'].max())"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "1a83daed-b560-405f-867d-e2b568773b39",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "len(df_filtered_expected_fidelity)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "03a3ad43-c57f-45fe-b0bc-e0476e504178",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "df_filtered_expected_fidelity['MQTPredictor_expected_fidelity_expected_fidelity'].describe()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "74cea6af-5e3d-4350-9e81-004a96cf697e",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "plot_kind = \"line\"\n",
+ "df_filtered_and_sorted_expected_fidelity = df_filtered_expected_fidelity.sort_values(by=['MQTPredictor_expected_fidelity_expected_fidelity'])\n",
+ "ax = df_filtered_and_sorted_expected_fidelity.plot(x=\"file_path\", y=\"expected_expected_fidelity_max_other\", label=\"Best\", rot=90, kind=plot_kind, color=\"green\", figsize=(30,10))\n",
+ "df_filtered_and_sorted_expected_fidelity.plot(x=\"file_path\", y=\"MQTPredictor_expected_fidelity_expected_fidelity\", label=\"MQT Predictor\", kind=plot_kind, rot=90, ax=ax, color=\"blue\")\n",
+ "df_filtered_and_sorted_expected_fidelity.plot(x=\"file_path\", y=\"expected_expected_fidelity_median\", kind=plot_kind, rot=90, ax=ax, color=\"orange\", label=\"Median\")\n",
+ "df_filtered_and_sorted_expected_fidelity.plot(x=\"file_path\", y=\"expected_expected_fidelity_min_other\", label=\"Worst\", rot=90, kind=plot_kind, ax=ax, color=\"red\")\n",
+ "\n",
+ "if plot_kind == \"line\":\n",
+ " plt.xticks(range(len(df_filtered_and_sorted_expected_fidelity.file_path)), df_filtered_and_sorted_expected_fidelity.file_path)\n",
+ "\n",
+ "plt.xticks(\n",
+ " list(range(0, len(df_filtered_and_sorted_expected_fidelity.file_path), 1)),\n",
+ " [ \"\" for i in range(0, len(df_filtered_and_sorted_expected_fidelity.file_path), 1)],\n",
+ " fontsize=16,\n",
+ ")\n",
+ "\n",
+ "plt.xlabel(\"Benchmarks\")\n",
+ "plt.ylabel(\"Expected expected_fidelity\")\n",
+ "\n",
+ "handles, labels = plt.gca().get_legend_handles_labels()\n",
+ "order = [1,0,2,3]\n",
+ "plt.legend([handles[idx] for idx in order],[labels[idx] for idx in order]) \n",
+ "\n",
+ "plt.savefig(\"results/expected_fidelity_plot.pdf\", bbox_inches='tight')"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "2ded0ef5-8852-4375-9eec-4dfd6779d5bc",
+ "metadata": {},
+ "source": [
+ "## Top 3 expected_fidelity"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "3a114c67-fd76-4c92-b320-fdb6e686914e",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "df_filtered_and_sorted_expected_fidelity['Rank_MQT_expected_fidelity'] = df_filtered_and_sorted_expected_fidelity.apply(lambda row: sum(1 for col in df_filtered_and_sorted_expected_fidelity.columns if col.endswith('_expected_fidelity') and not \"MQT\" in col and row['MQTPredictor_expected_fidelity_expected_fidelity'] >=row[col]), axis=1)\n",
+ "df_filtered_and_sorted_expected_fidelity['Rank_MQT_expected_fidelity'] = len([col for col in df_filtered_and_sorted_expected_fidelity.columns if col.endswith('_expected_fidelity') and not \"MQT\" in col]) - df_filtered_and_sorted_expected_fidelity.Rank_MQT_expected_fidelity\n",
+ "plt.hist(df_filtered_and_sorted_expected_fidelity.Rank_MQT_expected_fidelity.values, bins=range(0,15,1), align=\"left\", weights=np.ones(len(df_filtered_and_sorted_expected_fidelity)) / len(df_filtered_and_sorted_expected_fidelity))\n",
+ "plt.xticks(range(0,14,1));"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "2868e984-55f7-4aa5-a5e7-1c23e536d30e",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "len(df_filtered_and_sorted_expected_fidelity[df_filtered_and_sorted_expected_fidelity['Rank_MQT_expected_fidelity']==0])"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "0af212b6-a835-4594-b284-ae005e2f498b",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "len(df_filtered_and_sorted_expected_fidelity)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "18a2c7fe-cf66-481b-8ca4-84811372d959",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "count_top3 = 0\n",
+ "for index, row in df_filtered_and_sorted_expected_fidelity.iterrows():\n",
+ " if row['Rank_MQT_expected_fidelity'] in [0, 1, 2]:\n",
+ " count_top3 += 1\n",
+ " \n",
+ "print(\"Percentage of Top-3:\", count_top3/len(df_filtered_and_sorted_expected_fidelity))"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "8afb822e-f064-4678-9d2e-df6a8b505f92",
+ "metadata": {},
+ "source": [
+ "# Critical Depth"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "11c66682-f7b6-4b6b-9ec8-35ea240d32c5",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "predictor = ml.Predictor()\n",
+ "training_data = predictor.get_prepared_training_data(figure_of_merit=\"critical_depth\", save_non_zero_indices=True)\n",
+ "indices_test = training_data.indices_test\n",
+ "names_list = training_data.names_list\n",
+ "\n",
+ "test_benchmarks_critical_depth = [names_list[index_test] for index_test in indices_test]\n",
+ "df_filtered_critical_depth = df[df[\"file_path\"].isin(test_benchmarks_critical_depth)]\n",
+ "df_filtered_critical_depth = df_filtered_critical_depth[df_filtered_critical_depth[\"MQTPredictor_critical_depth_critical_depth\"]>=0]"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "64a5c6ea-e092-4225-b356-9e1c9b8e40b8",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "print(\"Crit. Dep. Improvement: \", df_filtered_critical_depth.loc[df['MQTPredictor_critical_depth_critical_depth'] != np.inf, 'MQTPredictor_critical_depth_critical_depth'].max())"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "f86663c8-ba0c-4e5f-a810-c6cab4744487",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "len(df_filtered_critical_depth)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "1566bcf3-397e-44ec-88e6-beb159e1b4b2",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "plot_kind = \"line\"\n",
+ "df_filtered_and_sorted_critical_depth = df_filtered_critical_depth.sort_values(by=['MQTPredictor_critical_depth_critical_depth'])\n",
+ "ax = df_filtered_and_sorted_critical_depth.plot(x=\"file_path\", y=\"critical_depth_max_other\", label=\"Best\", rot=90, kind=plot_kind, color=\"green\", figsize=(30,10))\n",
+ "df_filtered_and_sorted_critical_depth.plot(x=\"file_path\", y=\"MQTPredictor_critical_depth_critical_depth\", kind=plot_kind, rot=90, ax=ax, color=\"blue\", label=\"MQT Predictor\")\n",
+ "df_filtered_and_sorted_critical_depth.plot(x=\"file_path\", y=\"critical_depth_median\", kind=plot_kind, rot=90, ax=ax, color=\"orange\", label=\"Median\")\n",
+ "df_filtered_and_sorted_critical_depth.plot(x=\"file_path\", y=\"critical_depth_min_other\", label=\"Worst\", rot=90, kind=plot_kind, ax=ax, color=\"red\")\n",
+ "\n",
+ "\n",
+ "if plot_kind == \"line\":\n",
+ " plt.xticks(range(len(df_filtered_and_sorted_critical_depth.file_path)), df_filtered_and_sorted_critical_depth.file_path);\n",
+ "\n",
+ "\n",
+ "plt.xticks(\n",
+ " list(range(0, len(df_filtered_and_sorted_critical_depth.file_path), 1)),\n",
+ " [\"\" for i in range(0, len(df_filtered_and_sorted_critical_depth), 1)],\n",
+ " fontsize=18,\n",
+ ")\n",
+ "\n",
+ "plt.xlabel(\"Benchmarks\")\n",
+ "plt.ylabel(\"Critical Depth\")\n",
+ "\n",
+ "handles, labels = plt.gca().get_legend_handles_labels()\n",
+ "order = [1,0,2,3]\n",
+ "plt.legend([handles[idx] for idx in order],[labels[idx] for idx in order]) \n",
+ "\n",
+ "plt.savefig(\"results/critical_depth_plot.pdf\", bbox_inches='tight')"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "9941a75a-abb0-45eb-b850-8c948b411f37",
+ "metadata": {},
+ "source": [
+ "## Top 3 Critical Depth"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "71d74e70-8ec1-4ea6-a770-4726a6a04d6e",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "df_filtered_and_sorted_critical_depth['Rank_MQT_critical_depth'] = df_filtered_and_sorted_critical_depth.apply(lambda row: sum(1 for col in df_filtered_and_sorted_critical_depth.columns if col.endswith('_critical_depth') and not \"MQT\" in col and row['MQTPredictor_critical_depth_critical_depth'] >= row[col]), axis=1)\n",
+ "df_filtered_and_sorted_critical_depth['Rank_MQT_critical_depth'] = len([col for col in df_filtered_and_sorted_critical_depth.columns if col.endswith('_critical_depth') and not \"MQT\" in col]) - df_filtered_and_sorted_critical_depth.Rank_MQT_critical_depth\n",
+ "plt.hist(df_filtered_and_sorted_critical_depth.Rank_MQT_critical_depth.values, bins=range(0,15,1), align=\"left\", weights=np.ones(len(df_filtered_and_sorted_critical_depth)) / len(df_filtered_and_sorted_critical_depth))\n",
+ "plt.xticks(range(0,14,1));"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "6baa9861-4e45-4b1d-86bb-22cfd6b28761",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "len(df_filtered_and_sorted_critical_depth[df_filtered_and_sorted_critical_depth['Rank_MQT_critical_depth']==0])"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "48f6464b-823a-4169-b5ab-03c11f7966cc",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "len(df_filtered_and_sorted_critical_depth)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "8370efe4-7039-4563-8f3a-62e3f6eda620",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "count_top3 = 0\n",
+ "for index, row in df_filtered_and_sorted_critical_depth.iterrows():\n",
+ " if row['Rank_MQT_critical_depth'] in [0, 1, 2]:\n",
+ " count_top3 += 1\n",
+ "\n",
+ "# Print the total count\n",
+ "print(\"Percentage of Top-3:\", count_top3/len(df_filtered_and_sorted_critical_depth))"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "4c6ae124-6ca5-4d7d-87e5-eb277b813b68",
+ "metadata": {},
+ "source": [
+ "# GHZ Evaluation"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "91e19ce9-82c3-40fe-83ab-5e5310596f72",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "df = pd.read_csv(ml.helper.get_path_results(ghz_results=True), sep=',')\n",
+ "df = df[df.num_qubits<32]\n",
+ "plt.rcParams[\"font.size\"] = 50"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "d357af6f-5afc-4d12-ba5e-2a7f0a1f7610",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "df['expected_fidelity_median'] = df.apply(calculate_median, column_name=\"_expected_fidelity\",axis=1)\n",
+ "df['critical_depth_median'] = df.apply(calculate_median, column_name=\"_critical_depth\",axis=1)\n",
+ "df['expected_fidelity_min_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_expected_fidelity') and 'MQT' not in col]].replace(-1, np.nan).min(skipna=True), axis=1)\n",
+ "df['expected_fidelity_max_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_expected_fidelity') and 'MQT' not in col]].max(), axis=1)\n",
+ "df['critical_depth_min_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_critical_depth') and 'MQT' not in col]].replace(-1, np.nan).min(skipna=True), axis=1)\n",
+ "df['critical_depth_max_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_critical_depth') and 'MQT' not in col]].max(), axis=1)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "75ee34f6-32cb-4176-b557-962f7605ef8d",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "plot_kind = \"line\"\n",
+ "df = df.sort_values(by=['num_qubits'])\n",
+ "ax = df.plot(x=\"file_path\", y=\"expected_fidelity_max_other\", label=\"Best\", rot=90, kind=plot_kind, color=\"green\", figsize=(20,10))\n",
+ "df.plot(x=\"file_path\", y=\"MQTPredictor_expected_fidelity_expected_fidelity\", label=\"MQT Predictor\", kind=plot_kind, rot=90, ax=ax, color=\"blue\")\n",
+ "df.plot(x=\"file_path\", y=\"expected_fidelity_median\", kind=plot_kind, rot=90, ax=ax, color=\"orange\", label=\"Median\")\n",
+ "df.plot(x=\"file_path\", y=\"expected_fidelity_min_other\", label=\"Worst\", rot=90, kind=plot_kind, ax=ax, color=\"red\")\n",
+ "\n",
+ "if plot_kind == \"line\":\n",
+ " plt.xticks(range(len(df.file_path)), df.file_path)\n",
+ "\n",
+ "plt.xticks(\n",
+ " list(range(0, len(df), 1)),\n",
+ " [df.iloc[i].num_qubits if i % 4 == 1 else \"\" for i in range(len(df))],\n",
+ ")\n",
+ "\n",
+ "plt.xlabel(\"Number of Qubits\")\n",
+ "plt.ylabel(\"Expected Fidelity\")\n",
+ "\n",
+ "handles, labels = plt.gca().get_legend_handles_labels()\n",
+ "order = [1,0,2,3]\n",
+ "plt.legend([handles[idx] for idx in order],[labels[idx] for idx in order]) \n",
+ "\n",
+ "\n",
+ "plt.savefig(\"results/expected_fidelity_ghz_plot.pdf\", bbox_inches='tight')"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "a6f1454e-dedf-421d-a347-badb32ccbb5a",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "plot_kind = \"line\"\n",
+ "df = df.sort_values(by=['num_qubits'])\n",
+ "ax = df.plot(x=\"file_path\", y=\"critical_depth_max_other\", label=\"Best\", rot=90, kind=plot_kind, color=\"green\", figsize=(20,10))\n",
+ "df.plot(x=\"file_path\", y=\"MQTPredictor_critical_depth_critical_depth\", kind=plot_kind, rot=90, ax=ax, color=\"blue\", label=\"MQT Predictor\")\n",
+ "df.plot(x=\"file_path\", y=\"critical_depth_median\", kind=plot_kind, rot=90, ax=ax, color=\"orange\", label=\"Median\")\n",
+ "\n",
+ "if plot_kind == \"line\":\n",
+ " plt.xticks(range(len(df.file_path)), df.file_path);\n",
+ "\n",
+ "plt.xticks(\n",
+ " list(range(0, len(df), 1)),\n",
+ " [df.iloc[i].num_qubits if i % 4 == 1 else \"\" for i in range(len(df))],\n",
+ ")\n",
+ "\n",
+ "plt.xlabel(\"Number of Qubits\")\n",
+ "plt.ylabel(\"Critical Depth\")\n",
+ "\n",
+ "handles, labels = plt.gca().get_legend_handles_labels()\n",
+ "order = [1,0,2]\n",
+ "plt.legend([handles[idx] for idx in order],[labels[idx] for idx in order]) \n",
+ "\n",
+ "plt.savefig(\"results/critical_depth_ghz_plot.pdf\", bbox_inches='tight')"
+ ]
+ }
+ ],
+ "metadata": {
+ "kernelspec": {
+ "display_name": "Python 3 (ipykernel)",
+ "language": "python",
+ "name": "python3"
+ },
+ "language_info": {
+ "codemirror_mode": {
+ "name": "ipython",
+ "version": 3
+ },
+ "file_extension": ".py",
+ "mimetype": "text/x-python",
+ "name": "python",
+ "nbconvert_exporter": "python",
+ "pygments_lexer": "ipython3"
+ }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 5
+}
diff --git a/notebooks/ml/results/RandomForestClassifier.pdf b/notebooks/evalutions/results/critical_depth_ghz_plot.pdf
similarity index 59%
rename from notebooks/ml/results/RandomForestClassifier.pdf
rename to notebooks/evalutions/results/critical_depth_ghz_plot.pdf
index 5e50af987..9700f2654 100644
Binary files a/notebooks/ml/results/RandomForestClassifier.pdf and b/notebooks/evalutions/results/critical_depth_ghz_plot.pdf differ
diff --git a/notebooks/evalutions/results/critical_depth_plot.pdf b/notebooks/evalutions/results/critical_depth_plot.pdf
new file mode 100644
index 000000000..d1b0703fb
Binary files /dev/null and b/notebooks/evalutions/results/critical_depth_plot.pdf differ
diff --git a/notebooks/ml/results/GradientBoostingClassifier.pdf b/notebooks/evalutions/results/expected_fidelity_ghz_plot.pdf
similarity index 59%
rename from notebooks/ml/results/GradientBoostingClassifier.pdf
rename to notebooks/evalutions/results/expected_fidelity_ghz_plot.pdf
index 4530288bd..1934bf1a3 100644
Binary files a/notebooks/ml/results/GradientBoostingClassifier.pdf and b/notebooks/evalutions/results/expected_fidelity_ghz_plot.pdf differ
diff --git a/notebooks/evalutions/results/expected_fidelity_plot.pdf b/notebooks/evalutions/results/expected_fidelity_plot.pdf
new file mode 100644
index 000000000..7b616cdfb
Binary files /dev/null and b/notebooks/evalutions/results/expected_fidelity_plot.pdf differ
diff --git a/notebooks/ml/evaluation.ipynb b/notebooks/evalutions/supervised_ml_models/evaluation.ipynb
similarity index 93%
rename from notebooks/ml/evaluation.ipynb
rename to notebooks/evalutions/supervised_ml_models/evaluation.ipynb
index 3b1ae1706..2e93edf02 100644
--- a/notebooks/ml/evaluation.ipynb
+++ b/notebooks/evalutions/supervised_ml_models/evaluation.ipynb
@@ -16,26 +16,31 @@
"outputs": [],
"source": [
"from __future__ import absolute_import\n",
- "from numpy import asarray, save\n",
- "from mqt.predictor import utils, ml\n",
- "\n",
+ "from mqt.predictor import ml\n",
+ "from sklearn.model_selection import GridSearchCV\n",
+ "from sklearn.ensemble import RandomForestClassifier, GradientBoostingClassifier\n",
+ "from sklearn import tree, svm\n",
+ "from sklearn.neighbors import KNeighborsClassifier\n",
+ "from sklearn.naive_bayes import GaussianNB\n",
+ "from sklearn.neural_network import MLPClassifier\n",
+ "import matplotlib.pyplot as plt\n",
"import numpy as np\n",
- "np.random.seed(10)\n",
"\n",
- "from sklearn import preprocessing\n",
- "from sklearn.model_selection import train_test_split\n",
- "from sklearn.model_selection import GridSearchCV\n",
+ "np.random.seed(10)\n",
"\n",
"predictor = ml.Predictor()\n",
+ "figure_of_merit=\"expected_fidelity\"\n",
"\n",
- "(X_train,\n",
- "X_test,\n",
- "y_train,\n",
- "y_test,\n",
- "indices_train,\n",
- "indices_test,\n",
- "names_list,\n",
- "scores_list) = predictor.get_prepared_training_data(save_non_zero_indices=True)\n",
+ "training_data = predictor.get_prepared_training_data(figure_of_merit=figure_of_merit, save_non_zero_indices=True)\n",
+ "\n",
+ "X_train = training_data.X_train\n",
+ "X_test = training_data.X_test\n",
+ "y_train = training_data.y_train\n",
+ "y_test = training_data.y_test\n",
+ "indices_train = training_data.indices_train\n",
+ "indices_test= training_data.indices_test\n",
+ "names_list= training_data.names_list\n",
+ "scores_list= training_data.scores_list\n",
"\n",
"scores_filtered = [scores_list[i] for i in indices_test]\n",
"names_filtered = [names_list[i] for i in indices_test]\n",
@@ -54,6 +59,16 @@
"color2 = \"#440154\""
]
},
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "2dddba2b-afda-4ae3-89d2-0c54b6056756",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "X_train"
+ ]
+ },
{
"cell_type": "code",
"execution_count": null,
@@ -79,11 +94,7 @@
"metadata": {},
"outputs": [],
"source": [
- "from sklearn.ensemble import RandomForestClassifier\n",
- "\n",
- "\n",
"clf = RandomForestClassifier(random_state=0)\n",
- "\n",
"tree_param = [\n",
" {\n",
" \"n_estimators\": [100, 200, 500],\n",
@@ -93,10 +104,8 @@
" \"bootstrap\": [True, False],\n",
" },\n",
"]\n",
- "\n",
"clf = GridSearchCV(clf, tree_param, cv=5, n_jobs=8).fit(X_train, y_train)\n",
"\n",
- "\n",
"y_pred = np.array(list(clf.predict(X_test)))\n",
"res, rel_scores = predictor.calc_performance_measures(scores_filtered, y_pred, y_test)\n",
"predictor.plot_eval_histogram(res, filename=\"RandomForestClassifier\", color=color1)\n",
@@ -148,10 +157,7 @@
"metadata": {},
"outputs": [],
"source": [
- "import pandas as pd\n",
- "import matplotlib.pyplot as plt\n",
- "\n",
- "path = ml.helper.get_path_trained_model() / \"non_zero_indices.npy\"\n",
+ "path = ml.helper.get_path_trained_model(figure_of_merit, return_non_zero_indices=True)\n",
"non_zero_indices = np.load(str(path), allow_pickle=True)\n",
" \n",
"openqasm_qc_list = ml.helper.get_openqasm_gates()\n",
@@ -224,8 +230,6 @@
"metadata": {},
"outputs": [],
"source": [
- "from sklearn.ensemble import GradientBoostingClassifier\n",
- "\n",
"clf = GradientBoostingClassifier()\n",
"\n",
"param_grid = {\n",
@@ -264,9 +268,6 @@
"metadata": {},
"outputs": [],
"source": [
- "from sklearn import tree\n",
- "from sklearn.model_selection import GridSearchCV\n",
- "\n",
"clf = tree.DecisionTreeClassifier(random_state=5)\n",
"\n",
"tree_param = [\n",
@@ -310,8 +311,6 @@
"metadata": {},
"outputs": [],
"source": [
- "from sklearn.neighbors import KNeighborsClassifier\n",
- "\n",
"clf = KNeighborsClassifier()\n",
"param_grid = dict(n_neighbors=range(1, 10, 1))\n",
"clf = GridSearchCV(clf, param_grid, cv=5, n_jobs=8).fit(X_train, y_train)\n",
@@ -345,8 +344,6 @@
"metadata": {},
"outputs": [],
"source": [
- "from sklearn.neural_network import MLPClassifier\n",
- "\n",
"clf = MLPClassifier(max_iter=1000)\n",
"\n",
"param_grid = {\n",
@@ -388,8 +385,6 @@
"metadata": {},
"outputs": [],
"source": [
- "from sklearn import svm\n",
- "\n",
"clf = svm.SVC()\n",
"param_grid = {\"C\": [0.1, 1, 10], \"gamma\": [1, 0.1, 0.01], \"kernel\": [\"rbf\", \"sigmoid\"]}\n",
"clf = GridSearchCV(clf, param_grid, cv=5, n_jobs=8).fit(X_train, y_train)\n",
@@ -423,8 +418,6 @@
"metadata": {},
"outputs": [],
"source": [
- "from sklearn.naive_bayes import GaussianNB\n",
- "\n",
"clf = GaussianNB()\n",
"param_grid = {\"var_smoothing\": np.logspace(0, -9, num=100)}\n",
"clf = GridSearchCV(clf, param_grid, cv=5, n_jobs=8).fit(X_train, y_train)\n",
@@ -460,7 +453,7 @@
"source": [
"print(performance)\n",
"\n",
- "filename = \"results/performances.csv\"\n",
+ "filename = \"results/performances_\" + figure_of_merit + \".csv\"\n",
"with open(filename, \"w\") as f:\n",
" f.write(\"Classifier, Accuracy, Top3, Worst Rank, Eval. Score Diff., Std\\n\")\n",
" for sublist in performance:\n",
diff --git a/notebooks/example.ipynb b/notebooks/example.ipynb
new file mode 100644
index 000000000..a050f3691
--- /dev/null
+++ b/notebooks/example.ipynb
@@ -0,0 +1,554 @@
+{
+ "cells": [
+ {
+ "cell_type": "markdown",
+ "id": "ea3d6be5-b9ee-4375-adee-8fa2cb690fca",
+ "metadata": {},
+ "source": [
+ "# MQT Predictor Usage"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "697e4c2b",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "from mqt.predictor import qcompile\n",
+ "from mqt.bench import get_benchmark"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "02841c4f-a865-452d-a5ca-085a64eccf00",
+ "metadata": {},
+ "source": [
+ "## Generated Uncompiled Quantum Circuit"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "73c0a2f9-adbd-4f85-8843-b6ab2ef53da8",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "qc = get_benchmark(\"ghz\", level=\"indep\", circuit_size=5)\n",
+ "qc.draw()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "6ebf087c-b03f-4050-b452-ecf9d698f5e7",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "qc_compiled, compilation_information, quantum_device = qcompile(qc)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "dc5b2a05-c062-46d8-b75e-2bfde4795a19",
+ "metadata": {},
+ "source": [
+ "## Predicted Device"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "b3f643db-f833-433c-87f8-65cdc5355304",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "quantum_device"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "bf93d18b-b61a-47ae-988c-590e25e2f203",
+ "metadata": {},
+ "source": [
+ "## Top 3 Bins"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "e649aff4-7fb8-457f-9ec8-c1cd97bbc4ea",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "def bins_labels(bins, **kwargs):\n",
+ " bin_w = (max(bins) - min(bins)) / (len(bins) - 1)\n",
+ " plt.xticks(np.arange(min(bins)+bin_w/2, max(bins), bin_w), bins, **kwargs)\n",
+ " plt.xlim(bins[0], bins[-1])"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "7efb6e96-22c3-4739-b480-75d7b9a42785",
+ "metadata": {},
+ "source": [
+ "## Calcualte Data Points"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "76d28b11-cf2b-4286-a09a-05098b0cfd84",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# def calculate_x_highest(row, column_name, index):\n",
+ "# columns = [col for col in row.index if col.endswith(column_name) and not \"MQT\" in col]\n",
+ "# values = sorted([value for col, value in row[columns].items() if value != -1], reverse=True)\n",
+ "# return values[index-1] if len(values) >= 3 else 0\n",
+ "\n",
+ "def calculate_median(row, column_name):\n",
+ " columns = [col for col in row.index if col.endswith(column_name) and not \"MQT\" in col]\n",
+ " values = [value for col, value in row[columns].items() if value != -1]\n",
+ " return np.median(values) if values else None\n",
+ "\n",
+ "\n",
+ "df['fidelity_median'] = df.apply(calculate_median, column_name=\"_fidelity\",axis=1)\n",
+ "df['critical_depth_median'] = df.apply(calculate_median, column_name=\"_critical_depth\",axis=1)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "00181293-891f-4d35-9d0b-197ca04c5cd8",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "df['fidelity_min_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_fidelity') and 'MQT' not in col]].replace(-1, np.nan).min(skipna=True), axis=1)\n",
+ "df['fidelity_max_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_fidelity') and 'MQT' not in col]].max(), axis=1)\n",
+ "df['critical_depth_min_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_critical_depth') and 'MQT' not in col]].replace(-1, np.nan).min(skipna=True), axis=1)\n",
+ "df['critical_depth_max_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_critical_depth') and 'MQT' not in col]].max(), axis=1)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "15623d11-8024-4d65-ac23-b468af76ab70",
+ "metadata": {},
+ "source": [
+ "## Normalize"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "86906f27-0c80-4f63-a8fe-c1310a38e106",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# divider_column_name = 'fidelity_max_other'\n",
+ "\n",
+ "# # Get the list of column names ending with \"_fidelity\"\n",
+ "# columns_to_divide = [col for col in df.columns if col.endswith(\"_fidelity\") or col in ['fidelity_min_other', 'fidelity_max_other', 'fidelity_median' ]]\n",
+ "\n",
+ "# # Iterate through each column and perform the division\n",
+ "# for col_name in columns_to_divide:\n",
+ "# df[col_name] = df[col_name].divide(df[divider_column_name])\n",
+ "\n",
+ "# divider_column_name = 'critical_depth_max_other'\n",
+ "\n",
+ "# # Get the list of column names ending with \"_fidelity\"\n",
+ "# columns_to_divide = [col for col in df.columns if col.endswith(\"_critical_depth\") or col in ['critical_depth_min_other', 'critical_depth_max_other', 'critical_depth_median' ]]\n",
+ "\n",
+ "# # Iterate through each column and perform the division\n",
+ "# for col_name in columns_to_divide:\n",
+ "# df[col_name] = df[col_name].divide(df[divider_column_name])"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "87e9f7d1-f565-4d14-ad75-b0e8bb2820fe",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "print(\"Fid Improvement: \", df_filtered_fidelity.loc[df['MQTPredictor_fidelity_fidelity'] != np.inf, 'MQTPredictor_fidelity_fidelity'].max())"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "1a83daed-b560-405f-867d-e2b568773b39",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "len(df_filtered_fidelity)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "03a3ad43-c57f-45fe-b0bc-e0476e504178",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "df_filtered_fidelity['MQTPredictor_fidelity_fidelity'].describe()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "74cea6af-5e3d-4350-9e81-004a96cf697e",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "plot_kind = \"line\"\n",
+ "df_filtered_and_sorted_fidelity = df_filtered_fidelity.sort_values(by=['MQTPredictor_fidelity_fidelity'])\n",
+ "ax = df_filtered_and_sorted_fidelity.plot(x=\"file_path\", y=\"fidelity_max_other\", label=\"Best\", rot=90, kind=plot_kind, color=\"green\", figsize=(30,10))\n",
+ "df_filtered_and_sorted_fidelity.plot(x=\"file_path\", y=\"MQTPredictor_fidelity_fidelity\", label=\"MQT Predictor\", kind=plot_kind, rot=90, ax=ax, color=\"blue\")\n",
+ "df_filtered_and_sorted_fidelity.plot(x=\"file_path\", y=\"fidelity_median\", kind=plot_kind, rot=90, ax=ax, color=\"orange\", label=\"Median\")\n",
+ "df_filtered_and_sorted_fidelity.plot(x=\"file_path\", y=\"fidelity_min_other\", label=\"Worst\", rot=90, kind=plot_kind, ax=ax, color=\"red\")\n",
+ "\n",
+ "if plot_kind == \"line\":\n",
+ " plt.xticks(range(len(df_filtered_and_sorted_fidelity.file_path)), df_filtered_and_sorted_fidelity.file_path)\n",
+ "\n",
+ "plt.xticks(\n",
+ " list(range(0, len(df_filtered_and_sorted_fidelity.file_path), 1)),\n",
+ " [ \"\" for i in range(0, len(df_filtered_and_sorted_fidelity.file_path), 1)],\n",
+ " fontsize=16,\n",
+ ")\n",
+ "#df_filtered_and_sorted_fidelity.iloc[i][\"num_qubits\"]\n",
+ "\n",
+ "\n",
+ "plt.xlabel(\"Benchmarks\")\n",
+ "plt.ylabel(\"Expected Fidelity\")\n",
+ "\n",
+ "handles, labels = plt.gca().get_legend_handles_labels()\n",
+ "order = [1,0,2,3]\n",
+ "plt.legend([handles[idx] for idx in order],[labels[idx] for idx in order]) \n",
+ "\n",
+ "plt.savefig(\"results/fidelity_plot.pdf\", bbox_inches='tight')"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "2ded0ef5-8852-4375-9eec-4dfd6779d5bc",
+ "metadata": {},
+ "source": [
+ "## Top 3 Fidelity"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "3a114c67-fd76-4c92-b320-fdb6e686914e",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "df_filtered_and_sorted_fidelity['Rank_MQT_fidelity'] = df_filtered_and_sorted_fidelity.apply(lambda row: sum(1 for col in df_filtered_and_sorted_fidelity.columns if col.endswith('_fidelity') and not \"MQT\" in col and row['MQTPredictor_fidelity_fidelity'] >=row[col]), axis=1)\n",
+ "df_filtered_and_sorted_fidelity['Rank_MQT_fidelity'] = len([col for col in df_filtered_and_sorted_fidelity.columns if col.endswith('_fidelity') and not \"MQT\" in col]) - df_filtered_and_sorted_fidelity.Rank_MQT_fidelity\n",
+ "plt.hist(df_filtered_and_sorted_fidelity.Rank_MQT_fidelity.values, bins=range(0,15,1), align=\"left\", weights=np.ones(len(df_filtered_and_sorted_fidelity)) / len(df_filtered_and_sorted_fidelity))\n",
+ "plt.xticks(range(0,14,1));"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "2868e984-55f7-4aa5-a5e7-1c23e536d30e",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "len(df_filtered_and_sorted_fidelity[df_filtered_and_sorted_fidelity['Rank_MQT_fidelity']==0])"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "0af212b6-a835-4594-b284-ae005e2f498b",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "len(df_filtered_and_sorted_fidelity)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "18a2c7fe-cf66-481b-8ca4-84811372d959",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "count_top3 = 0\n",
+ "for index, row in df_filtered_and_sorted_fidelity.iterrows():\n",
+ " if row['Rank_MQT_fidelity'] in [0, 1, 2]:\n",
+ " count_top3 += 1\n",
+ " \n",
+ "print(\"Percentage of Top-3:\", count_top3/len(df_filtered_and_sorted_fidelity))"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "64a5c6ea-e092-4225-b356-9e1c9b8e40b8",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "print(\"Crit. Dep. Improvement: \", df_filtered_critical_depth.loc[df['MQTPredictor_critical_depth_critical_depth'] != np.inf, 'MQTPredictor_critical_depth_critical_depth'].max())"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "f86663c8-ba0c-4e5f-a810-c6cab4744487",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "len(df_filtered_critical_depth)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "1566bcf3-397e-44ec-88e6-beb159e1b4b2",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "plot_kind = \"line\"\n",
+ "df_filtered_and_sorted_critical_depth = df_filtered_critical_depth.sort_values(by=['MQTPredictor_critical_depth_critical_depth'])\n",
+ "ax = df_filtered_and_sorted_critical_depth.plot(x=\"file_path\", y=\"critical_depth_max_other\", label=\"Best\", rot=90, kind=plot_kind, color=\"green\", figsize=(30,10))\n",
+ "df_filtered_and_sorted_critical_depth.plot(x=\"file_path\", y=\"MQTPredictor_critical_depth_critical_depth\", kind=plot_kind, rot=90, ax=ax, color=\"blue\", label=\"MQT Predictor\")\n",
+ "df_filtered_and_sorted_critical_depth.plot(x=\"file_path\", y=\"critical_depth_median\", kind=plot_kind, rot=90, ax=ax, color=\"orange\", label=\"Median\")\n",
+ "df_filtered_and_sorted_critical_depth.plot(x=\"file_path\", y=\"critical_depth_min_other\", label=\"Worst\", rot=90, kind=plot_kind, ax=ax, color=\"red\")\n",
+ "\n",
+ "\n",
+ "if plot_kind == \"line\":\n",
+ " plt.xticks(range(len(df_filtered_and_sorted_critical_depth.file_path)), df_filtered_and_sorted_critical_depth.file_path);\n",
+ "\n",
+ "\n",
+ "plt.xticks(\n",
+ " list(range(0, len(df_filtered_and_sorted_critical_depth.file_path), 1)),\n",
+ " [\"\" for i in range(0, len(df_filtered_and_sorted_critical_depth), 1)],\n",
+ " fontsize=18,\n",
+ ")\n",
+ "#df_filtered_and_sorted_critical_depth.iloc[i][\"num_qubits\"]\n",
+ "plt.xlabel(\"Benchmarks\")\n",
+ "plt.ylabel(\"Critical Depth\")\n",
+ "\n",
+ "handles, labels = plt.gca().get_legend_handles_labels()\n",
+ "order = [1,0,2,3]\n",
+ "plt.legend([handles[idx] for idx in order],[labels[idx] for idx in order]) \n",
+ "\n",
+ "plt.savefig(\"results/critical_depth_plot.pdf\", bbox_inches='tight')"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "9941a75a-abb0-45eb-b850-8c948b411f37",
+ "metadata": {},
+ "source": [
+ "## Top 3 Critical Depth"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "71d74e70-8ec1-4ea6-a770-4726a6a04d6e",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "df_filtered_and_sorted_critical_depth['Rank_MQT_critical_depth'] = df_filtered_and_sorted_critical_depth.apply(lambda row: sum(1 for col in df_filtered_and_sorted_critical_depth.columns if col.endswith('_critical_depth') and not \"MQT\" in col and row['MQTPredictor_critical_depth_critical_depth'] >= row[col]), axis=1)\n",
+ "df_filtered_and_sorted_critical_depth['Rank_MQT_critical_depth'] = len([col for col in df_filtered_and_sorted_critical_depth.columns if col.endswith('_critical_depth') and not \"MQT\" in col]) - df_filtered_and_sorted_critical_depth.Rank_MQT_critical_depth\n",
+ "plt.hist(df_filtered_and_sorted_critical_depth.Rank_MQT_critical_depth.values, bins=range(0,15,1), align=\"left\", weights=np.ones(len(df_filtered_and_sorted_critical_depth)) / len(df_filtered_and_sorted_critical_depth))\n",
+ "plt.xticks(range(0,14,1));"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "6baa9861-4e45-4b1d-86bb-22cfd6b28761",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "len(df_filtered_and_sorted_critical_depth[df_filtered_and_sorted_critical_depth['Rank_MQT_critical_depth']==0])"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "48f6464b-823a-4169-b5ab-03c11f7966cc",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "len(df_filtered_and_sorted_critical_depth)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "8370efe4-7039-4563-8f3a-62e3f6eda620",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "count_top3 = 0\n",
+ "for index, row in df_filtered_and_sorted_critical_depth.iterrows():\n",
+ " if row['Rank_MQT_critical_depth'] in [0, 1, 2]:\n",
+ " count_top3 += 1\n",
+ "\n",
+ "# Print the total count\n",
+ "print(\"Percentage of Top-3:\", count_top3/len(df_filtered_and_sorted_critical_depth))"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "91e19ce9-82c3-40fe-83ab-5e5310596f72",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "df = pd.read_csv(ml.helper.get_path_trained_model() / 'res_GHZ.csv', sep=',')\n",
+ "df = df[df.num_qubits<32]\n",
+ "plt.rcParams[\"font.size\"] = 50"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "d357af6f-5afc-4d12-ba5e-2a7f0a1f7610",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# df['fidelity_second_highest'] = df.apply(calculate_x_highest, column_name=\"_fidelity\", index=2, axis=1)\n",
+ "# df['fidelity_third_highest'] = df.apply(calculate_x_highest, column_name=\"_fidelity\", index=3, axis=1)\n",
+ "df['fidelity_median'] = df.apply(calculate_median, column_name=\"_fidelity\",axis=1)\n",
+ "\n",
+ "\n",
+ "# df['critical_depth_third_highest'] = df.apply(calculate_x_highest, column_name=\"_critical_depth\", index=3,axis=1)\n",
+ "df['critical_depth_median'] = df.apply(calculate_median, column_name=\"_critical_depth\",axis=1)\n",
+ "\n",
+ "df['fidelity_min_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_fidelity') and 'MQT' not in col]].replace(-1, np.nan).min(skipna=True), axis=1)\n",
+ "df['fidelity_max_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_fidelity') and 'MQT' not in col]].max(), axis=1)\n",
+ "df['critical_depth_min_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_critical_depth') and 'MQT' not in col]].replace(-1, np.nan).min(skipna=True), axis=1)\n",
+ "df['critical_depth_max_other'] = df.apply(lambda row: row[[col for col in row.index if col.endswith('_critical_depth') and 'MQT' not in col]].max(), axis=1)\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "75ee34f6-32cb-4176-b557-962f7605ef8d",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "plot_kind = \"line\"\n",
+ "df = df.sort_values(by=['num_qubits'])\n",
+ "ax = df.plot(x=\"file_path\", y=\"fidelity_max_other\", label=\"Best\", rot=90, kind=plot_kind, color=\"green\", figsize=(20,10))\n",
+ "df.plot(x=\"file_path\", y=\"MQTPredictor_fidelity_fidelity\", label=\"MQT Predictor\", kind=plot_kind, rot=90, ax=ax, color=\"blue\")\n",
+ "df.plot(x=\"file_path\", y=\"fidelity_median\", kind=plot_kind, rot=90, ax=ax, color=\"orange\", label=\"Median\")\n",
+ "df.plot(x=\"file_path\", y=\"fidelity_min_other\", label=\"Worst\", rot=90, kind=plot_kind, ax=ax, color=\"red\")\n",
+ "\n",
+ "if plot_kind == \"line\":\n",
+ " plt.xticks(range(len(df.file_path)), df.file_path)\n",
+ "\n",
+ "plt.xticks(\n",
+ " list(range(0, len(df), 1)),\n",
+ " [df.iloc[i].num_qubits if i % 4 == 1 else \"\" for i in range(len(df))],\n",
+ ")\n",
+ "\n",
+ "plt.xlabel(\"Number of Qubits\")\n",
+ "plt.ylabel(\"Expected Fidelity\")\n",
+ "\n",
+ "handles, labels = plt.gca().get_legend_handles_labels()\n",
+ "order = [1,0,2,3]\n",
+ "plt.legend([handles[idx] for idx in order],[labels[idx] for idx in order]) \n",
+ "\n",
+ "\n",
+ "plt.savefig(\"results/fidelity_ghz_plot.pdf\", bbox_inches='tight')"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "a6f1454e-dedf-421d-a347-badb32ccbb5a",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "plot_kind = \"line\"\n",
+ "df = df.sort_values(by=['num_qubits'])\n",
+ "ax = df.plot(x=\"file_path\", y=\"critical_depth_max_other\", label=\"Best\", rot=90, kind=plot_kind, color=\"green\", figsize=(20,10))\n",
+ "df.plot(x=\"file_path\", y=\"MQTPredictor_critical_depth_critical_depth\", kind=plot_kind, rot=90, ax=ax, color=\"blue\", label=\"MQT Predictor\")\n",
+ "df.plot(x=\"file_path\", y=\"critical_depth_median\", kind=plot_kind, rot=90, ax=ax, color=\"orange\", label=\"Median\")\n",
+ "\n",
+ "if plot_kind == \"line\":\n",
+ " plt.xticks(range(len(df.file_path)), df.file_path);\n",
+ "\n",
+ "plt.xticks(\n",
+ " list(range(0, len(df), 1)),\n",
+ " [df.iloc[i].num_qubits if i % 4 == 1 else \"\" for i in range(len(df))],\n",
+ ")\n",
+ "\n",
+ "plt.xlabel(\"Number of Qubits\")\n",
+ "plt.ylabel(\"Critical Depth\")\n",
+ "\n",
+ "handles, labels = plt.gca().get_legend_handles_labels()\n",
+ "order = [1,0,2]\n",
+ "plt.legend([handles[idx] for idx in order],[labels[idx] for idx in order]) \n",
+ "\n",
+ "plt.savefig(\"results/critical_depth_ghz_plot.pdf\", bbox_inches='tight')"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "7b823498-55e1-47df-9b7b-f5f462f38c50",
+ "metadata": {},
+ "source": [
+ "## Predicted and Conducted Compilation Passes"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "0c327466-7905-45b9-980a-f96ca8cffadb",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "compilation_information"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "53953b24-353e-465e-b4f4-d7c0f2f0f0bf",
+ "metadata": {},
+ "source": [
+ "## Compiled Circuit"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "fe643f31-9d3e-4b7f-875a-af27e3dab5ed",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "qc_compiled.draw()"
+ ]
+ }
+ ],
+ "metadata": {
+ "kernelspec": {
+ "display_name": "Python 3 (ipykernel)",
+ "language": "python",
+ "name": "python3"
+ },
+ "language_info": {
+ "codemirror_mode": {
+ "name": "ipython",
+ "version": 3
+ },
+ "file_extension": ".py",
+ "mimetype": "text/x-python",
+ "name": "python",
+ "nbconvert_exporter": "python",
+ "pygments_lexer": "ipython3"
+ }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 5
+}
diff --git a/notebooks/ml/results/DecisionTreeClassifier.pdf b/notebooks/ml/results/DecisionTreeClassifier.pdf
deleted file mode 100644
index 72b03ff52..000000000
Binary files a/notebooks/ml/results/DecisionTreeClassifier.pdf and /dev/null differ
diff --git a/notebooks/ml/results/GaussianNB.pdf b/notebooks/ml/results/GaussianNB.pdf
deleted file mode 100644
index 90f3d9b74..000000000
Binary files a/notebooks/ml/results/GaussianNB.pdf and /dev/null differ
diff --git a/notebooks/ml/results/KNeighborsClassifier.pdf b/notebooks/ml/results/KNeighborsClassifier.pdf
deleted file mode 100644
index f4267dd32..000000000
Binary files a/notebooks/ml/results/KNeighborsClassifier.pdf and /dev/null differ
diff --git a/notebooks/ml/results/MLPClassifier.pdf b/notebooks/ml/results/MLPClassifier.pdf
deleted file mode 100644
index 3da0b7da4..000000000
Binary files a/notebooks/ml/results/MLPClassifier.pdf and /dev/null differ
diff --git a/notebooks/ml/results/SVM.pdf b/notebooks/ml/results/SVM.pdf
deleted file mode 100644
index a994be6ba..000000000
Binary files a/notebooks/ml/results/SVM.pdf and /dev/null differ
diff --git a/notebooks/ml/results/feature_importances.pdf b/notebooks/ml/results/feature_importances.pdf
deleted file mode 100644
index cd2edd922..000000000
Binary files a/notebooks/ml/results/feature_importances.pdf and /dev/null differ
diff --git a/notebooks/ml/results/performances.csv b/notebooks/ml/results/performances.csv
deleted file mode 100644
index 929051c5f..000000000
--- a/notebooks/ml/results/performances.csv
+++ /dev/null
@@ -1,8 +0,0 @@
-Classifier, Accuracy, Top3, Worst Rank, Eval. Score Diff., Std
-Random Forest, 0.7692715756136183, 0.9556048834628191, 23, -0.0021, 0.0138
-Gradient Boosting, 0.7635538966180296, 0.9456159822419534, 23, -0.0022, 0.0138
-Decision Tree, 0.7335889605248276, 0.9245283018867925, 12, -0.0038, 0.0202
-Nearest Neighbor, 0.7050605135165705, 0.9400665926748057, 23, -0.0036, 0.0219
-Multilayer Perceptron, 0.6598314670286166, 0.8890122086570478, 23, -0.0064, 0.029
-Support Vector Machine, 0.620848320325755, 0.7569367369589345, 21, -0.0083, 0.0365
-Naive Bayes, 0.3320585906571655, 0.5482796892341842, 19, -0.0184, 0.0506
diff --git a/notebooks/ml/results/y_pred_eval_normed.pdf b/notebooks/ml/results/y_pred_eval_normed.pdf
deleted file mode 100644
index 79914e190..000000000
Binary files a/notebooks/ml/results/y_pred_eval_normed.pdf and /dev/null differ
diff --git a/notebooks/ml/runtime_comparison.ipynb b/notebooks/ml/runtime_comparison.ipynb
deleted file mode 100644
index 46d2ad861..000000000
--- a/notebooks/ml/runtime_comparison.ipynb
+++ /dev/null
@@ -1,254 +0,0 @@
-{
- "cells": [
- {
- "cell_type": "markdown",
- "id": "d8f3bb66",
- "metadata": {},
- "source": [
- "# Compiling all options"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "56464b72",
- "metadata": {},
- "outputs": [],
- "source": [
- "from mqt.predictor import utils, ml\n",
- "from mqt.bench import get_benchmark\n",
- "from pathlib import Path\n",
- "\n",
- "import numpy as np\n",
- "import time\n",
- "\n",
- "pred = ml.Predictor()\n",
- "qc = get_benchmark(\"dj\", 1, 7)\n",
- "source_path = Path(\"runtime_comp\")\n",
- "target_path = Path(\"runtime_comp_compiled\")\n",
- "\n",
- "if not source_path.exists():\n",
- " source_path.mkdir()\n",
- "if not target_path.exists():\n",
- " target_path.mkdir()\n",
- " \n",
- " \n",
- "filename = \"dj_indep_qiskit_7.qasm\"\n",
- "qc.qasm(filename=str(source_path/filename))\n",
- "\n",
- "results = []\n",
- "for _ in range(5):\n",
- " start = time.time()\n",
- " pred.compile_all_circuits_for_qc(\n",
- " filename=filename, source_path=str(source_path), target_path=str(target_path), timeout=60\n",
- " )\n",
- " res = pred.generate_training_sample(file=filename.split(\".\")[0], path_uncompiled_circuit=str(source_path), path_compiled_circuits=str(target_path))\n",
- " end = time.time()\n",
- " diff_all_compile = end - start\n",
- " results.append(diff_all_compile)\n",
- "runtimes_all_comp = results"
- ]
- },
- {
- "cell_type": "markdown",
- "id": "7be7d782",
- "metadata": {},
- "source": [
- "# Using MQT Predictor"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "b30845c2",
- "metadata": {},
- "outputs": [],
- "source": [
- "results = []\n",
- "for _ in range(5):\n",
- " start = time.time()\n",
- " prediction = pred.predict(str(source_path/filename))\n",
- " print(prediction)\n",
- " pred.compile_predicted_compilation_path(str(source_path/filename), prediction)\n",
- " end = time.time()\n",
- "\n",
- " diff_predictor = round((end - start), 3)\n",
- " results.append(diff_predictor)\n",
- "\n",
- "runtimes_predictor = results"
- ]
- },
- {
- "cell_type": "markdown",
- "id": "866bf2c9",
- "metadata": {},
- "source": [
- "# Difference"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "cf20c3ca",
- "metadata": {},
- "outputs": [],
- "source": [
- "runtimes_all_comp"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "88d04e0e",
- "metadata": {},
- "outputs": [],
- "source": [
- "runtimes_predictor"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "28ee9571",
- "metadata": {},
- "outputs": [],
- "source": [
- "diff = 1 - np.mean(runtimes_predictor) / np.mean(runtimes_all_comp)"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "d679b6ff",
- "metadata": {},
- "outputs": [],
- "source": [
- "print(\"Runtime all compilations: \", np.mean(runtimes_all_comp))\n",
- "print(\"Runtime Predictor: \", np.mean(runtimes_predictor))\n",
- "print(\"Percentual Difference: \", np.round(diff, 3))"
- ]
- },
- {
- "cell_type": "markdown",
- "id": "b1c56dda",
- "metadata": {},
- "source": [
- "# Check many samples randomly"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "994910ce",
- "metadata": {},
- "outputs": [],
- "source": [
- "from mqt.predictor import utils, ml\n",
- "from mqt.bench import get_benchmark\n",
- "from pathlib import Path\n",
- "\n",
- "import numpy as np\n",
- "import time\n",
- "\n",
- "\n",
- "\n",
- "pred = ml.Predictor()\n",
- "\n",
- "source_path = ml.helper.get_path_training_circuits()\n",
- "target_path = Path(\"runtime_comp_compiled\")\n",
- "\n",
- "#if not source_path.exists():\n",
- "# source_path.mkdir()\n",
- "if not target_path.exists():\n",
- " target_path.mkdir()\n",
- " \n",
- " \n",
- "results = []\n",
- "\n",
- "file_list = list(ml.helper.get_path_training_circuits().glob(\"*.qasm\"))\n",
- "\n",
- "compile_time_all = []\n",
- "compile_time_pred = []\n",
- "for i in range(20):\n",
- " random_index = np.random.randint(len(file_list))\n",
- " filename = file_list[random_index]\n",
- " print(i, filename)\n",
- " \n",
- " start = time.time()\n",
- " pred.compile_all_circuits_for_qc(filename=str(filename.name), source_path=str(source_path), target_path=str(target_path), timeout=60000)\n",
- " res = pred.generate_training_sample(file=str(filename.stem), path_compiled_circuits=str(target_path))\n",
- " end = time.time()\n",
- " compile_time_all.append(end - start)\n",
- " \n",
- " \n",
- " start = time.time()\n",
- " prediction = pred.predict(str(source_path/filename))\n",
- " pred.compile_predicted_compilation_path(str(source_path/filename), prediction)\n",
- " end = time.time()\n",
- " compile_time_pred.append(end - start)\n",
- "runtimes_all_comp = results"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "1586b46b",
- "metadata": {},
- "outputs": [],
- "source": [
- "compile_time_all"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "5b857329",
- "metadata": {},
- "outputs": [],
- "source": [
- "compile_time_pred"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "483becca",
- "metadata": {},
- "outputs": [],
- "source": [
- "rel = np.array(compile_time_all)/np.array(compile_time_pred)\n",
- "rel"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "5461dd1d",
- "metadata": {},
- "outputs": [],
- "source": [
- "print(np.median(rel), np.mean(rel))"
- ]
- }
- ],
- "metadata": {
- "kernelspec": {
- "display_name": "Python 3 (ipykernel)",
- "language": "python",
- "name": "python3"
- },
- "language_info": {
- "codemirror_mode": {
- "name": "ipython",
- "version": 3
- },
- "file_extension": ".py",
- "mimetype": "text/x-python",
- "name": "python",
- "nbconvert_exporter": "python",
- "pygments_lexer": "ipython3"
- }
- },
- "nbformat": 4,
- "nbformat_minor": 5
-}
diff --git a/notebooks/rl/evaluation.ipynb b/notebooks/rl/evaluation.ipynb
deleted file mode 100644
index 85517d58f..000000000
--- a/notebooks/rl/evaluation.ipynb
+++ /dev/null
@@ -1,428 +0,0 @@
-{
- "cells": [
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "697e4c2b",
- "metadata": {},
- "outputs": [],
- "source": [
- "import pandas as pd\n",
- "import numpy as np\n",
- "from mqt.predictor import rl\n",
- "df = pd.read_csv(rl.helper.get_path_trained_model() / 'res.csv', sep=',')"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "ab0daf50",
- "metadata": {},
- "outputs": [],
- "source": [
- "df[\"RL-Qiskit Fid\"]=df[\"RL_fidelity_fidelity\"]-df[\"qiskit_o3_fidelity\"]\n",
- "df[\"RL-TKET Fid\"]=df[\"RL_fidelity_fidelity\"]-df[\"tket_fidelity\"]\n",
- "df[\"RL-Qiskit Crit Depth\"]=df[\"RL_critical_depth_critical_depth\"]-df[\"qiskit_o3_critical_depth\"]\n",
- "df[\"RL-TKET Crit Depth\"]=df[\"RL_critical_depth_critical_depth\"]-df[\"tket_critical_depth\"]\n",
- "df[\"RL-Qiskit gate_ratio\"]=df[\"RL_gate_ratio_gate_ratio\"]-df[\"qiskit_o3_gate_ratio\"]\n",
- "df[\"RL-TKET gate_ratio\"]=df[\"RL_gate_ratio_gate_ratio\"]-df[\"tket_gate_ratio\"]\n",
- "df[\"RL-Qiskit mix\"]=df[\"RL_mix_mix\"]-df[\"qiskit_o3_mix\"]\n",
- "df[\"RL-TKET mix\"]=df[\"RL_mix_mix\"]-df[\"tket_mix\"]"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "c5cd9290",
- "metadata": {},
- "outputs": [],
- "source": [
- "num_bins = 60\n",
- "color_qiskit = \"#994F00\"\n",
- "color_TKET = \"#006CD1\"\n",
- "size = 14\n",
- "legendsize = 12\n",
- "max_val_bench = max([df.groupby([\"benchmark\"])[\"RL-Qiskit Fid\"].mean().max(), \n",
- " df.groupby([\"benchmark\"])[\"RL-TKET Fid\"].mean().max(), \n",
- " df.groupby([\"benchmark\"])[\"RL-Qiskit Crit Depth\"].mean().max(), \n",
- " df.groupby([\"benchmark\"])[\"RL-TKET Crit Depth\"].mean().max(),\n",
- " df.groupby([\"benchmark\"])[\"RL-Qiskit gate_ratio\"].mean().max(), \n",
- " df.groupby([\"benchmark\"])[\"RL-TKET gate_ratio\"].mean().max(),\n",
- " df.groupby([\"benchmark\"])[\"RL-Qiskit mix\"].mean().max(), \n",
- " df.groupby([\"benchmark\"])[\"RL-TKET mix\"].mean().max()])\n",
- "min_value_bench = min([df.groupby([\"benchmark\"])[\"RL-Qiskit Fid\"].mean().min(),\n",
- " df.groupby([\"benchmark\"])[\"RL-TKET Fid\"].mean().min(), \n",
- " df.groupby([\"benchmark\"])[\"RL-Qiskit Crit Depth\"].mean().min(), \n",
- " df.groupby([\"benchmark\"])[\"RL-TKET Crit Depth\"].mean().min(), \n",
- " df.groupby([\"benchmark\"])[\"RL-Qiskit gate_ratio\"].mean().min(), \n",
- " df.groupby([\"benchmark\"])[\"RL-TKET gate_ratio\"].mean().min(),\n",
- " df.groupby([\"benchmark\"])[\"RL-Qiskit mix\"].mean().min(), \n",
- " df.groupby([\"benchmark\"])[\"RL-TKET mix\"].mean().min()])"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "4c33ca40",
- "metadata": {},
- "outputs": [],
- "source": [
- "df.columns"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "7f0d828d",
- "metadata": {},
- "outputs": [],
- "source": [
- "df[\"RL-Qiskit Fid\"][df[\"RL-Qiskit Fid\"] > 0.0 ].count()/len(df)"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "afe491b9",
- "metadata": {},
- "outputs": [],
- "source": [
- "df[\"RL-TKET Fid\"][df[\"RL-TKET Fid\"] > 0.0 ].count()/len(df)"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "8e85c37c",
- "metadata": {},
- "outputs": [],
- "source": [
- "df[\"RL-Qiskit gate_ratio\"][df[\"RL-Qiskit gate_ratio\"] > 0.0 ].count()/len(df)"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "1cf25e42",
- "metadata": {},
- "outputs": [],
- "source": [
- "df[\"RL-TKET gate_ratio\"][df[\"RL-TKET gate_ratio\"] > 0.0 ].count()/len(df)"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "b49bf4e4",
- "metadata": {},
- "outputs": [],
- "source": [
- "df[\"RL-Qiskit Crit Depth\"][df[\"RL-Qiskit Crit Depth\"] > 0.0 ].count()/len(df)"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "f9984f15",
- "metadata": {},
- "outputs": [],
- "source": [
- "df[\"RL-TKET Crit Depth\"][df[\"RL-TKET Crit Depth\"] > 0.0 ].count()/len(df)"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "070fdebf",
- "metadata": {},
- "outputs": [],
- "source": [
- "df[\"RL-Qiskit mix\"][df[\"RL-Qiskit mix\"] > 0.0 ].count()/len(df)"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "96c81558",
- "metadata": {},
- "outputs": [],
- "source": [
- "df[\"RL-TKET mix\"][df[\"RL-TKET mix\"] > 0.0 ].count()/len(df)"
- ]
- },
- {
- "cell_type": "markdown",
- "id": "8f00cd6f",
- "metadata": {},
- "source": [
- "# Expected Fidelity"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "c41eb1a7",
- "metadata": {},
- "outputs": [],
- "source": [
- "max_val = max([df[\"RL-Qiskit Fid\"].max(), df[\"RL-TKET Fid\"].max(), -df[\"RL-Qiskit Fid\"].min(), -df[\"RL-TKET Fid\"].min()])\n",
- "xrange = (-max_val-(max_val)/10, max_val+(max_val)/10)\n",
- "ax = df[\"RL-Qiskit Fid\"].hist(bins=num_bins, alpha=0.5, range=xrange, color=color_qiskit, weights=np.ones(len(df[\"RL-Qiskit Fid\"])) / len(df[\"RL-Qiskit Fid\"]), xlabelsize=size, ylabelsize=size)\n",
- "df[\"RL-TKET Fid\"].hist(bins=num_bins, ax=ax, alpha=0.5, range=xrange, color=color_TKET, grid=False, weights=np.ones(len(df[\"RL-TKET Fid\"])) / len(df[\"RL-TKET Fid\"]))\n",
- "ax.set_ylabel(\"Relative frequency\", size=size)\n",
- "ax.set_xlabel(\"Absolute reward difference\", size=size)\n",
- "ax.legend([\"compared to Qiskit\", \"compared to TKET\"], fontsize=legendsize, loc='upper right')\n",
- "ax.axvline(x=0, color= 'black', linewidth=1).get_figure().savefig('results/fidelity_hist.pdf', bbox_inches='tight')"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "97a0c23a",
- "metadata": {},
- "outputs": [],
- "source": [
- "ax = df.groupby([\"benchmark\"])[\"RL-Qiskit Fid\"].mean().plot(kind=\"bar\", color=color_qiskit, alpha=0.5)\n",
- "df.groupby([\"benchmark\"])[\"RL-TKET Fid\"].mean().plot(kind=\"bar\", ax=ax, color=color_TKET, alpha=0.5)\n",
- "ax.set_ylabel(\"Average reward difference\", size=size)\n",
- "ax.set_xlabel(\"Benchmark\", size=size)\n",
- "ax.tick_params(axis='x', which='both', labelsize=size)\n",
- "ax.legend([\"compared to Qiskit\", \"compared to TKET\"], fontsize=legendsize, loc='upper right')\n",
- "ax.set_ylim(min_value_bench-0.01, max_val_bench+0.01)\n",
- "ax.tick_params(axis='both', labelsize=size)\n",
- "ax.axhline(y=0, color= 'black', linewidth=1).get_figure().savefig('results/fidelity_bench.pdf', bbox_inches='tight')"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "14834d01",
- "metadata": {},
- "outputs": [],
- "source": [
- "print(df[\"RL-Qiskit Fid\"].mean(), df[\"RL-TKET Fid\"].mean())"
- ]
- },
- {
- "cell_type": "markdown",
- "id": "56ae0910",
- "metadata": {},
- "source": [
- "# Gate Ratio"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "5c04800c",
- "metadata": {},
- "outputs": [],
- "source": [
- "max_val = max([df[\"RL-Qiskit gate_ratio\"].max(), df[\"RL-TKET gate_ratio\"].max(), -df[\"RL-Qiskit gate_ratio\"].min(), -df[\"RL-TKET gate_ratio\"].min()])\n",
- "xrange = (-max_val-(max_val)/10, max_val+(max_val)/10)\n",
- "ax = df[\"RL-Qiskit gate_ratio\"].hist(bins=num_bins, alpha=0.5, range=xrange, color=color_qiskit, weights=np.ones(len(df[\"RL-Qiskit gate_ratio\"])) / len(df[\"RL-Qiskit gate_ratio\"]), xlabelsize=size, ylabelsize=size)\n",
- "df[\"RL-TKET gate_ratio\"].hist(bins=num_bins, ax=ax,alpha=0.5, range=xrange, color=color_TKET, grid=False, weights=np.ones(len(df[\"RL-TKET gate_ratio\"])) / len(df[\"RL-TKET gate_ratio\"]))\n",
- "ax.set_ylabel(\"Relative frequency\", size=size)\n",
- "ax.set_xlabel(\"Absolute reward difference\", size=size)\n",
- "ax.legend([\"compared to Qiskit\", \"compared to TKET\"], fontsize=legendsize, loc='upper right')\n",
- "ax.axvline(x=0, color= 'black', linewidth=1).get_figure().savefig('results/gate_ratio_hist.pdf', bbox_inches='tight')"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "b9dbe323",
- "metadata": {},
- "outputs": [],
- "source": [
- "ax = df.groupby([\"benchmark\"])[\"RL-Qiskit gate_ratio\"].mean().plot(kind=\"bar\", color=color_qiskit, alpha=0.5)\n",
- "df.groupby([\"benchmark\"])[\"RL-TKET gate_ratio\"].mean().plot(kind=\"bar\", ax=ax, color=color_TKET, alpha=0.5)\n",
- "ax.set_ylabel(\"Average reward difference\", size=size)\n",
- "ax.set_xlabel(\"Benchmark\", size=size)\n",
- "ax.tick_params(axis='x', which='both', labelsize=size)\n",
- "ax.set_ylim(min_value_bench-0.01, max_val_bench+0.01)\n",
- "ax.tick_params(axis='both', labelsize=size)\n",
- "ax.legend([\"compared to Qiskit\", \"compared to TKET\"], fontsize=legendsize, loc='upper right')\n",
- "ax.axhline(y=0, color= 'black', linewidth=1).get_figure().savefig('results/gate_ratio_bench.pdf', bbox_inches='tight')"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "43016d5f",
- "metadata": {},
- "outputs": [],
- "source": [
- "print(df[\"RL-Qiskit gate_ratio\"].mean(), df[\"RL-TKET gate_ratio\"].mean())"
- ]
- },
- {
- "cell_type": "markdown",
- "id": "e5588478",
- "metadata": {},
- "source": [
- "# Critical Depth"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "c592106d",
- "metadata": {},
- "outputs": [],
- "source": [
- "max_val = max([df[\"RL-Qiskit Crit Depth\"].max(), df[\"RL-TKET Crit Depth\"].max(), -df[\"RL-Qiskit Crit Depth\"].min(), -df[\"RL-TKET Crit Depth\"].min()])\n",
- "xrange = (-max_val-(max_val)/10, max_val+(max_val)/10)\n",
- "ax = df[\"RL-Qiskit Crit Depth\"].hist(bins=num_bins, alpha=0.5, range=xrange, color=color_qiskit, weights=np.ones(len(df[\"RL-Qiskit Crit Depth\"])) / len(df[\"RL-Qiskit Crit Depth\"]), xlabelsize=size, ylabelsize=size)\n",
- "df[\"RL-TKET Crit Depth\"].hist(bins=num_bins, ax=ax, alpha=0.5, range=xrange, grid=False, color=color_TKET, weights=np.ones(len(df[\"RL-TKET Crit Depth\"])) / len(df[\"RL-TKET Crit Depth\"]))\n",
- "ax.set_ylabel(\"Relative frequency\", size=size)\n",
- "ax.set_xlabel(\"Absolute reward difference\", size=size)\n",
- "ax.legend([\"compared to Qiskit\", \"compared to TKET\"], fontsize=legendsize, loc='upper right')\n",
- "ax.axvline(x=0, color= 'black', linewidth=1).get_figure().savefig('results/critical_depth_hist.pdf', bbox_inches='tight')"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "8db7d93e",
- "metadata": {},
- "outputs": [],
- "source": [
- "ax = df.groupby([\"benchmark\"])[\"RL-Qiskit Crit Depth\"].mean().plot(kind=\"bar\", color=color_qiskit, alpha=0.5)\n",
- "df.groupby([\"benchmark\"])[\"RL-TKET Crit Depth\"].mean().plot(kind=\"bar\", ax=ax, color=color_TKET, alpha=0.5)\n",
- "ax.set_ylabel(\"Average reward difference\", size=size)\n",
- "ax.set_xlabel(\"Benchmark\", size=size)\n",
- "ax.tick_params(axis='x', which='both', labelsize=size)\n",
- "ax.set_ylim(min_value_bench-0.01, max_val_bench+0.01)\n",
- "ax.tick_params(axis='both', labelsize=size)\n",
- "ax.legend([\"compared to Qiskit\", \"compared to TKET\"], fontsize=legendsize, loc='upper right')\n",
- "ax.axhline(y=0, color= 'black', linewidth=1).get_figure().savefig('results/critical_depth_bench.pdf', bbox_inches='tight')"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "e7b043b4",
- "metadata": {},
- "outputs": [],
- "source": [
- "print(df[\"RL-Qiskit Crit Depth\"].mean(), df[\"RL-TKET Crit Depth\"].mean())"
- ]
- },
- {
- "cell_type": "markdown",
- "id": "6c869871",
- "metadata": {},
- "source": [
- "# Mix"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "09b90d94",
- "metadata": {},
- "outputs": [],
- "source": [
- "max_val = max([df[\"RL-Qiskit mix\"].max(), df[\"RL-TKET mix\"].max(), -df[\"RL-Qiskit mix\"].min(), -df[\"RL-TKET mix\"].min()])\n",
- "xrange = (-max_val-(max_val)/10, max_val+(max_val)/10)\n",
- "ax = df[\"RL-Qiskit mix\"].hist(bins=num_bins, alpha=0.5, range = xrange, color=color_qiskit, weights=np.ones(len(df[\"RL-Qiskit mix\"])) / len(df[\"RL-Qiskit mix\"]), xlabelsize=size, ylabelsize=size)\n",
- "df[\"RL-TKET mix\"].hist(bins=num_bins, ax=ax, alpha=0.5, range = xrange, grid=False, color=color_TKET, weights=np.ones(len(df[\"RL-TKET mix\"])) / len(df[\"RL-TKET mix\"]))\n",
- "ax.set_ylabel(\"Relative frequency\", size=size)\n",
- "ax.set_xlabel(\"Absolute reward difference\", size=size)\n",
- "ax.legend([\"compared to Qiskit\", \"compared to TKET\"], fontsize=legendsize, loc='upper right')\n",
- "ax.axvline(x=0, color= 'black', linewidth=1).get_figure().savefig('results/mix_hist.pdf', bbox_inches='tight')"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "7611c8a5",
- "metadata": {},
- "outputs": [],
- "source": [
- "ax = df.groupby([\"benchmark\"])[\"RL-Qiskit mix\"].mean().plot(kind=\"bar\", color=color_qiskit, alpha=0.5)\n",
- "df.groupby([\"benchmark\"])[\"RL-TKET mix\"].mean().plot(kind=\"bar\", ax=ax, color=color_TKET, alpha=0.5)\n",
- "ax.set_ylabel(\"Average reward difference\", size=size)\n",
- "ax.set_xlabel(\"Benchmark\", size=size)\n",
- "ax.tick_params(axis='x', which='both', labelsize=size)\n",
- "ax.set_ylim(min_value_bench-0.01, max_val_bench+0.01)\n",
- "ax.tick_params(axis='both', labelsize=size)\n",
- "ax.legend([\"compared to Qiskit\", \"compared to TKET\"], fontsize=legendsize, loc='upper right')\n",
- "ax.axhline(y=0, color= 'black', linewidth=1).get_figure().savefig('results/mix_bench.pdf', bbox_inches='tight')"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "7fe4a20d",
- "metadata": {},
- "outputs": [],
- "source": [
- "print(df[\"RL-Qiskit mix\"].mean(), df[\"RL-TKET mix\"].mean())"
- ]
- },
- {
- "cell_type": "markdown",
- "id": "5cd42294",
- "metadata": {},
- "source": [
- "# 4x4 Matrix With Mean Results and RL Optimization Criterion Comparison"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "6a887a2c",
- "metadata": {},
- "outputs": [],
- "source": [
- "RL_fidelity = [df[\"RL_fidelity_fidelity\"].mean(), df[\"RL_fidelity_gate_ratio\"].mean(), df[\"RL_fidelity_critical_depth\"].mean(), df[\"RL_fidelity_mix\"].mean()]\n",
- "RL_gate_ratio = [df[\"RL_gate_ratio_fidelity\"].mean(),df[\"RL_gate_ratio_gate_ratio\"].mean(),df[\"RL_gate_ratio_critical_depth\"].mean(), df[\"RL_gate_ratio_mix\"].mean()]\n",
- "RL_critical_depth = [ df[\"RL_critical_depth_fidelity\"].mean(),df[\"RL_critical_depth_gate_ratio\"].mean(), df[\"RL_critical_depth_critical_depth\"].mean(), df[\"RL_critical_depth_mix\"].mean()]\n",
- "RL_mix =[ df[\"RL_mix_fidelity\"].mean(),df[\"RL_mix_gate_ratio\"].mean(), df[\"RL_mix_critical_depth\"].mean(), df[\"RL_mix_mix\"].mean()]"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "c8d299e2",
- "metadata": {},
- "outputs": [],
- "source": [
- "print(np.round(RL_fidelity,2))\n",
- "print(np.round(RL_gate_ratio,2))\n",
- "print(np.round(RL_critical_depth,2))\n",
- "print(np.round(RL_mix,2))"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": null,
- "id": "8f5f4fa2",
- "metadata": {},
- "outputs": [],
- "source": []
- }
- ],
- "metadata": {
- "kernelspec": {
- "display_name": "Python 3 (ipykernel)",
- "language": "python",
- "name": "python3"
- },
- "language_info": {
- "codemirror_mode": {
- "name": "ipython",
- "version": 3
- },
- "file_extension": ".py",
- "mimetype": "text/x-python",
- "name": "python",
- "nbconvert_exporter": "python",
- "pygments_lexer": "ipython3"
- }
- },
- "nbformat": 4,
- "nbformat_minor": 5
-}
diff --git a/notebooks/rl/results/critical_depth_bench.pdf b/notebooks/rl/results/critical_depth_bench.pdf
deleted file mode 100644
index e869f55a9..000000000
Binary files a/notebooks/rl/results/critical_depth_bench.pdf and /dev/null differ
diff --git a/notebooks/rl/results/critical_depth_hist.pdf b/notebooks/rl/results/critical_depth_hist.pdf
deleted file mode 100644
index d494410fb..000000000
Binary files a/notebooks/rl/results/critical_depth_hist.pdf and /dev/null differ
diff --git a/notebooks/rl/results/fidelity_bench.pdf b/notebooks/rl/results/fidelity_bench.pdf
deleted file mode 100644
index 614fab729..000000000
Binary files a/notebooks/rl/results/fidelity_bench.pdf and /dev/null differ
diff --git a/notebooks/rl/results/fidelity_hist.pdf b/notebooks/rl/results/fidelity_hist.pdf
deleted file mode 100644
index c5b625620..000000000
Binary files a/notebooks/rl/results/fidelity_hist.pdf and /dev/null differ
diff --git a/notebooks/rl/results/gate_ratio_bench.pdf b/notebooks/rl/results/gate_ratio_bench.pdf
deleted file mode 100644
index 201c00171..000000000
Binary files a/notebooks/rl/results/gate_ratio_bench.pdf and /dev/null differ
diff --git a/notebooks/rl/results/gate_ratio_hist.pdf b/notebooks/rl/results/gate_ratio_hist.pdf
deleted file mode 100644
index d3fe570ee..000000000
Binary files a/notebooks/rl/results/gate_ratio_hist.pdf and /dev/null differ
diff --git a/notebooks/rl/results/mix_bench.pdf b/notebooks/rl/results/mix_bench.pdf
deleted file mode 100644
index f92ce9ff7..000000000
Binary files a/notebooks/rl/results/mix_bench.pdf and /dev/null differ
diff --git a/notebooks/rl/results/mix_hist.pdf b/notebooks/rl/results/mix_hist.pdf
deleted file mode 100644
index f641b2f1e..000000000
Binary files a/notebooks/rl/results/mix_hist.pdf and /dev/null differ
diff --git a/pyproject.toml b/pyproject.toml
index 8bd20c936..e5046eb7d 100644
--- a/pyproject.toml
+++ b/pyproject.toml
@@ -19,7 +19,7 @@ requires-python = ">=3.9"
dynamic = ["version"]
dependencies = [
- "mqt.bench>=0.4.4,<0.4.5",
+ "mqt.bench>=1.0.0,<1.1.0",
"sb3_contrib>=2.0.0",
"scikit-learn>=1.3.0, <1.3.1",
"importlib_metadata>=4.4; python_version < '3.10'",
diff --git a/src/mqt/predictor/Calibration.py b/src/mqt/predictor/Calibration.py
index 7dc595601..35b608f7d 100644
--- a/src/mqt/predictor/Calibration.py
+++ b/src/mqt/predictor/Calibration.py
@@ -14,55 +14,91 @@
class Calibration:
+ """The Calibration class is used to store calibration data for different devices."""
+
def __init__(self) -> None:
try:
- self.ibm_washington_cx_mean_error = get_mean_IBM_washington_cx_error()
self.ibm_montreal_calibration = FakeMontreal().properties()
self.ibm_washington_calibration = FakeWashington().properties()
self.oqc_lucy_calibration = parse_oqc_calibration_config()
self.rigetti_m2_calibration = parse_rigetti_calibration_config()
- self.ionq_calibration = parse_ionq_calibration_config()
+ self.ionq_harmony_calibration = parse_simple_calibration_config("ionq_harmony")
+ self.ionq_aria1_calibration = parse_simple_calibration_config("ionq_aria1")
+ self.quantinuum_h2_calibration = parse_simple_calibration_config("quantinuum_h2")
except Exception as e:
raise RuntimeError("Error in Calibration initialization: " + str(e)) from e
def get_mean_IBM_washington_cx_error() -> float:
+ """Returns the mean cx error for the IBM Washington device."""
cmap: list[list[int]] = FakeWashington().configuration().coupling_map
backend = FakeWashington().properties()
- somelist = [x for x in cmap if backend.gate_error("cx", x) < 1]
+ nonfaulty_connections = [x for x in cmap if backend.gate_error("cx", x) < 1]
+
+ res: list[float] = []
+ for elem in nonfaulty_connections:
+ res.append(backend.gate_error("cx", elem))
+
+ return cast(float, np.mean(res))
+
+
+def get_mean_IBM_montreal_cx_error() -> float:
+ """Returns the mean cx error for the IBM Washington device."""
+ cmap: list[list[int]] = FakeMontreal().configuration().coupling_map
+ backend = FakeMontreal().properties()
+ nonfaulty_connections = [x for x in cmap if backend.gate_error("cx", x) < 1]
res: list[float] = []
- for elem in somelist:
+ for elem in nonfaulty_connections:
res.append(backend.gate_error("cx", elem))
return cast(float, np.mean(res))
class DeviceCalibration(TypedDict):
+ """The DeviceCalibration class is used to store calibration data for different devices."""
+
backend: str
avg_1Q: float
avg_2Q: float
-def parse_ionq_calibration_config() -> DeviceCalibration:
- ref = resources.files("mqt.predictor") / "calibration_files" / "ionq_calibration.json"
+def parse_simple_calibration_config(device: str) -> DeviceCalibration:
+ """Parses the calibration data for the given device.
+
+ Args:
+ device (str): The name of the device.
+
+ Returns:
+ DeviceCalibration: The calibration data for the given device.
+ """
+
+ calibration_filename = device + "_calibration.json"
+ ref = resources.files("mqt.predictor") / "calibration_files" / calibration_filename
with ref.open() as f:
- ionq_calibration = json.load(f)
+ calibration = json.load(f)
return {
- "backend": "ionq",
- "avg_1Q": ionq_calibration["fidelity"]["1Q"].get("mean"),
- "avg_2Q": ionq_calibration["fidelity"]["2Q"].get("mean"),
+ "backend": device,
+ "avg_1Q": calibration["fidelity"]["1Q"].get("mean"),
+ "avg_2Q": calibration["fidelity"]["2Q"].get("mean"),
}
class OQCCalibration(DeviceCalibration):
+ """The OQCCalibration class is used to store calibration data for the OQC device."""
+
fid_1Q: dict[str, float]
fid_1Q_readout: dict[str, float]
fid_2Q: dict[str, float]
def parse_oqc_calibration_config() -> OQCCalibration:
+ """Parses the calibration data for the OQC device.
+
+ Returns:
+ OQCCalibration: The calibration data for the OQC device.
+ """
ref = resources.files("mqt.predictor") / "calibration_files" / "oqc_lucy_calibration.json"
with ref.open() as f:
oqc_lucy_calibration = json.load(f)
@@ -90,12 +126,19 @@ def parse_oqc_calibration_config() -> OQCCalibration:
class RigettiCalibration(DeviceCalibration):
+ """The RigettiCalibration class is used to store calibration data for the Rigetti Aspen M2 device."""
+
fid_1Q: dict[str, float]
fid_1Q_readout: dict[str, float]
fid_2Q_CZ: dict[str, float]
def parse_rigetti_calibration_config() -> RigettiCalibration:
+ """Parses the calibration data for the Rigetti Aspen M2 device.
+
+ Returns:
+ RigettiCalibration: The calibration data for the Rigetti Aspen M2 device.
+ """
ref = resources.files("mqt.predictor") / "calibration_files" / "rigetti_m2_calibration.json"
with ref.open() as f:
rigetti_m2_calibration = json.load(f)
diff --git a/src/mqt/predictor/Result.py b/src/mqt/predictor/Result.py
new file mode 100644
index 000000000..c0fd7186f
--- /dev/null
+++ b/src/mqt/predictor/Result.py
@@ -0,0 +1,49 @@
+from __future__ import annotations
+
+from typing import TYPE_CHECKING
+
+from mqt.predictor import reward
+
+if TYPE_CHECKING:
+ from qiskit import QuantumCircuit
+
+
+class Result:
+ """
+ The Result class is used to store the results of a compilation.
+
+ Attributes:
+ compilation_setup (str): The setup used for compilation. Either 'mqt-predictor_', 'qiskit' or 'tket'. For the two latter, also the device name is appended.
+ compilation_time (float): The time it took to compile the benchmark.
+ compiled_qc (QuantumCircuit | None): The compiled quantum circuit. If compilation failed, None is returned.
+ device (str): The device used for compilation.
+
+ """
+
+ def __init__(
+ self,
+ compilation_setup: str,
+ compilation_time: float,
+ compiled_qc: QuantumCircuit | None,
+ device: str,
+ ) -> None:
+ if compiled_qc is not None:
+ rew_fid = reward.expected_fidelity(compiled_qc, device)
+ rew_crit_depth = reward.crit_depth(compiled_qc)
+ else:
+ rew_fid = -1.0
+ rew_crit_depth = -1.0
+
+ self.compiler = compilation_setup
+ self.compilation_time = compilation_time
+ self.fidelity = rew_fid
+ self.critical_depth = rew_crit_depth
+
+ def get_dict(self) -> dict[str, float]:
+ """Returns the results as a dictionary."""
+
+ return {
+ self.compiler + "_" + "time": self.compilation_time,
+ self.compiler + "_" + "expected_fidelity": self.fidelity,
+ self.compiler + "_" + "critical_depth": self.critical_depth,
+ }
diff --git a/src/mqt/predictor/__init__.py b/src/mqt/predictor/__init__.py
index cf425b888..a22fbde8e 100644
--- a/src/mqt/predictor/__init__.py
+++ b/src/mqt/predictor/__init__.py
@@ -1,6 +1,13 @@
import logging
+from mqt.predictor.Result import Result
+from mqt.predictor.ml import qcompile
-logger = logging.getLogger("mqtpredictor")
+__all__ = [
+ "Result",
+ "qcompile",
+]
+
+logger = logging.getLogger("mqt-predictor")
console_handler = logging.StreamHandler()
console_handler.setLevel(logging.DEBUG)
diff --git a/src/mqt/predictor/calibration_files/ionq_aria1_calibration.json b/src/mqt/predictor/calibration_files/ionq_aria1_calibration.json
new file mode 100644
index 000000000..c8e4fca99
--- /dev/null
+++ b/src/mqt/predictor/calibration_files/ionq_aria1_calibration.json
@@ -0,0 +1,30 @@
+{
+ "braketSchemaHeader": {
+ "name": "braket.device_schema.ionq.ionq_provider_properties",
+ "version": "1"
+ },
+ "fidelity": {
+ "1Q": {
+ "mean": 0.9996
+ },
+ "2Q": {
+ "mean": 0.9908
+ },
+ "spam": {
+ "mean": 0.9941
+ }
+ },
+ "timing": {
+ "T1": 100,
+ "T2": 1,
+ "1Q": 0.000135,
+ "2Q": 0.0006,
+ "readout": 0.0003,
+ "reset": 0.00002
+ },
+ "errorMitigation": {
+ "braket.device_schema.error_mitigation.debias.Debias": {
+ "minimumShots": 2500
+ }
+ }
+}
diff --git a/src/mqt/predictor/calibration_files/ionq_calibration.json b/src/mqt/predictor/calibration_files/ionq_harmony_calibration.json
similarity index 100%
rename from src/mqt/predictor/calibration_files/ionq_calibration.json
rename to src/mqt/predictor/calibration_files/ionq_harmony_calibration.json
diff --git a/src/mqt/predictor/calibration_files/quantinuum_h2_calibration.json b/src/mqt/predictor/calibration_files/quantinuum_h2_calibration.json
new file mode 100644
index 000000000..13e562857
--- /dev/null
+++ b/src/mqt/predictor/calibration_files/quantinuum_h2_calibration.json
@@ -0,0 +1,10 @@
+{
+ "fidelity": {
+ "1Q": {
+ "mean": 0.999
+ },
+ "2Q": {
+ "mean": 0.997
+ }
+ }
+}
diff --git a/src/mqt/predictor/evaluation.py b/src/mqt/predictor/evaluation.py
new file mode 100644
index 000000000..2e8dd0fb6
--- /dev/null
+++ b/src/mqt/predictor/evaluation.py
@@ -0,0 +1,197 @@
+from __future__ import annotations
+
+import logging
+import time
+from importlib import resources
+from pathlib import Path
+from typing import Any
+
+import numpy as np
+from joblib import Parallel, delayed
+from mqt.bench.tket_helper import get_rebase
+from mqt.predictor import Result, ml, reward, rl
+from pytket import OpType
+from pytket.architecture import Architecture
+from pytket.extensions.qiskit import qiskit_to_tk, tk_to_qiskit
+from pytket.passes import (
+ FullPeepholeOptimise,
+ PlacementPass,
+ RoutingPass,
+)
+from pytket.placement import GraphPlacement
+from qiskit import QuantumCircuit, transpile
+
+logger = logging.getLogger("mqt-predictor")
+
+
+def create_qiskit_result(qc: QuantumCircuit, device: dict[str, Any] | None = None) -> Result:
+ """Creates a Result object for a given benchmark and device using qiskit for compilation.
+
+ Args:
+ benchmark (str): The path to the benchmark to be compiled.
+ device (dict[str, Any] | None, optional): The device to be used for compilation. Defaults to None.
+
+ Returns:
+ Result: Returns a Result object containing the compiled quantum circuit.
+ """
+ assert device is not None
+ if qc.num_qubits > device["max_qubits"]:
+ return Result("qiskit_", -1, None, device["name"])
+ start_time = time.time()
+ try:
+ transpiled_qc_qiskit = transpile(
+ qc,
+ basis_gates=device["native_gates"],
+ coupling_map=device["cmap"],
+ optimization_level=3,
+ seed_transpiler=1,
+ )
+ except Exception as e:
+ logger.warning("qiskit Transpile Error occurred for: " + device["name"] + " " + str(e))
+ return Result("qiskit_" + device["name"], -1, None, device["name"])
+ duration = time.time() - start_time
+ return Result("qiskit_" + device["name"], duration, transpiled_qc_qiskit, device["name"])
+
+
+def create_tket_result(
+ qc: QuantumCircuit,
+ device: dict[str, Any] | None = None,
+) -> Result:
+ """Creates a Result object for a given benchmark and device using tket for compilation.
+
+ Args:
+ benchmark (str): The path to the benchmark to be compiled.
+ device (dict[str, Any] | None, optional): The device to be used for compilation. Defaults to None.
+
+ Returns:
+ Result: Returns a Result object containing the compiled quantum circuit.
+ """
+ assert device is not None
+ if qc.num_qubits > device["max_qubits"]:
+ return Result("tket_" + device["name"], -1, None, device["name"])
+ tket_qc = qiskit_to_tk(qc)
+ arch = Architecture(device["cmap"])
+
+ native_rebase = get_rebase(device["name"].split("_")[0])
+ assert native_rebase is not None
+
+ start_time = time.time()
+ try:
+ native_rebase.apply(tket_qc)
+ FullPeepholeOptimise(target_2qb_gate=OpType.TK2).apply(tket_qc)
+ PlacementPass(GraphPlacement(arch)).apply(tket_qc)
+ RoutingPass(arch).apply(tket_qc)
+ native_rebase.apply(tket_qc)
+ duration = time.time() - start_time
+ transpiled_qc_tket = tk_to_qiskit(tket_qc)
+ except Exception as e:
+ logger.warning("tket Transpile Error occurred for: " + device["name"] + " " + str(e))
+ return Result("tket_" + device["name"], -1, None, device["name"])
+
+ return Result("tket_" + device["name"], duration, transpiled_qc_tket, device["name"])
+
+
+def create_mqtpredictor_result(qc: QuantumCircuit, figure_of_merit: reward.figure_of_merit, filename: str) -> Result:
+ dev_name = ml.helper.predict_device_for_figure_of_merit(qc, figure_of_merit)
+ """ Creates a Result object for a given benchmark and figure of merit using mqt-predictor for compilation.
+
+ Args:
+ benchmark (str): The path to the benchmark to be compiled.
+ figure_of_merit (reward.reward_functions): The figure of merit to be used for compilation.
+
+ Returns:
+ Result: Returns a Result object containing the compiled quantum circuit.
+ """
+ assert isinstance(dev_name, str)
+ dev_index = rl.helper.get_device_index_of_device(dev_name)
+ target_filename = filename.split("/")[-1].split(".qasm")[0] + "_" + figure_of_merit + "_" + str(dev_index)
+ combined_path_filename = ml.helper.get_path_training_circuits_compiled() / (target_filename + ".qasm")
+ if Path(combined_path_filename).exists():
+ qc = QuantumCircuit.from_qasm_file(combined_path_filename)
+ if qc:
+ return Result(
+ "mqt-predictor_" + figure_of_merit,
+ -1,
+ qc,
+ dev_name,
+ )
+ else:
+ try:
+ qc_compiled = ml.qcompile(qc, figure_of_merit=figure_of_merit)
+ if qc_compiled:
+ assert isinstance(qc_compiled, tuple)
+ return Result(
+ "mqt-predictor_" + figure_of_merit,
+ -1,
+ qc_compiled[0],
+ dev_name,
+ )
+
+ except Exception as e:
+ logger.warning("mqt-predictor Transpile Error occurred for: " + filename + " " + dev_name + " " + str(e))
+ return Result("mqt-predictor_" + figure_of_merit, -1, None, dev_name)
+
+
+def evaluate_all_sample_circuits() -> None:
+ """Evaluates all sample circuits and saves the results to a csv file."""
+ res_csv = []
+
+ results = Parallel(n_jobs=-1, verbose=3, backend="threading")(
+ delayed(evaluate_sample_circuit)(str(file))
+ for file in list(ml.helper.get_path_training_circuits().glob("*.qasm"))
+ )
+ res_csv.append(list(results[0].keys()))
+ for res in results:
+ res_csv.append(list(res.values()))
+ np.savetxt(
+ ml.helper.get_path_results(),
+ res_csv,
+ delimiter=",",
+ fmt="%s",
+ )
+
+
+def evaluate_GHZ_circuits() -> None:
+ """Evaluates all GHZ circuits and saves the results to a csv file."""
+ res_csv = []
+
+ path = Path(str(resources.files("mqt.predictor"))) / "ml" / "training_data" / "ghz"
+ results = Parallel(n_jobs=-1, verbose=3, backend="threading")(
+ delayed(evaluate_sample_circuit)(str(file)) for file in list(path.glob("*.qasm"))
+ )
+ res_csv.append(list(results[0].keys()))
+ for res in results:
+ res_csv.append(list(res.values()))
+ np.savetxt(
+ ml.helper.get_path_results(ghz_results=True),
+ res_csv,
+ delimiter=",",
+ fmt="%s",
+ )
+
+
+def evaluate_sample_circuit(filename: str) -> dict[str, Any]:
+ """Evaluates a given sample circuit and returns the results as a dictionary.
+
+ Args:
+ filename (str): The path to the sample circuit to be evaluated.
+
+ Returns:
+ dict[str, Any]: Returns a dictionary containing the results of the evaluation.
+ """
+ logger.info("Evaluate file: " + filename)
+
+ results: dict[str, Any] = {
+ "file_path": str(Path(filename).stem),
+ "benchmark_name": str(Path(filename).stem).replace("_", " ").split(" ")[0],
+ "num_qubits": str(Path(filename).stem).replace("_", " ").split(" ")[-1],
+ }
+ qc = QuantumCircuit.from_qasm_file(filename)
+ results.update(create_mqtpredictor_result(qc, "expected_fidelity", filename=filename).get_dict())
+ results.update(create_mqtpredictor_result(qc, "critical_depth", filename=filename).get_dict())
+
+ for _i, dev in enumerate(rl.helper.get_devices()):
+ results.update(create_qiskit_result(qc, dev).get_dict())
+ results.update(create_tket_result(qc, dev).get_dict())
+
+ return results
diff --git a/src/mqt/predictor/ml/Predictor.py b/src/mqt/predictor/ml/Predictor.py
index 0b13523e1..529284684 100644
--- a/src/mqt/predictor/ml/Predictor.py
+++ b/src/mqt/predictor/ml/Predictor.py
@@ -2,192 +2,218 @@
import logging
from pathlib import Path
-from typing import Any, cast
+from typing import TYPE_CHECKING, Any, cast
import matplotlib.pyplot as plt
import numpy as np
from joblib import Parallel, delayed, load
-from mqt.bench import qiskit_helper, tket_helper
-from mqt.predictor import ml, reward, utils
-from pytket.extensions.qiskit import tk_to_qiskit
+from mqt.predictor import ml, reward, rl, utils
from qiskit import QuantumCircuit
from sklearn.ensemble import RandomForestClassifier
from sklearn.model_selection import GridSearchCV, train_test_split
+if TYPE_CHECKING:
+ from numpy._typing import NDArray
+
plt.rcParams["font.family"] = "Times New Roman"
-logger = logging.getLogger("mqtpredictor")
+logger = logging.getLogger("mqt-predictor")
class Predictor:
- def __init__(self, verbose: int = 0) -> None:
- if verbose == 1:
- lvl = logging.INFO
- elif verbose == 2:
- lvl = logging.DEBUG
- else:
- lvl = logging.WARNING
- logger.setLevel(lvl)
+ def __init__(self, logger_level: int = logging.INFO) -> None:
+ logger.setLevel(logger_level)
self.clf = None
def set_classifier(self, clf: RandomForestClassifier) -> None:
+ """Sets the classifier to the given classifier"""
self.clf = clf
- def compile_all_circuits_for_qc(
+ def compile_all_circuits_circuitwise(
self,
- filename: str,
- source_path: str = "",
- target_path: str = "",
- timeout: int = 10,
+ figure_of_merit: reward.figure_of_merit,
+ timeout: int,
+ source_path: Path | None = None,
+ target_path: Path | None = None,
logger_level: int = logging.INFO,
- ) -> bool:
- """Handles the creation of one training sample.
+ ) -> None:
+ """Compiles all circuits in the given directory with the given timeout and saves them in the given directory.
- Keyword arguments:
- filename -- qasm circuit sample filename
- source_path -- path to file
- target_path -- path to directory for compiled circuit
- timeout -- timeout in seconds
+ Args:
+ timeout (int): The timeout in seconds for the compilation of a single circuit
+ source_path (Path, optional): The path to the directory containing the circuits to be compiled. Defaults to None.
+ target_path (Path, optional): The path to the directory where the compiled circuits should be saved. Defaults to None.
+ logger_level (int, optional): The level of the logger. Defaults to logging.INFO.
- Return values:
- True -- at least one compilation option succeeded
- False -- if not
"""
-
logger.setLevel(logger_level)
- if not source_path:
- source_path = str(ml.helper.get_path_training_circuits())
- if not target_path:
- target_path = str(ml.helper.get_path_training_circuits_compiled())
+ if source_path is None:
+ source_path = ml.helper.get_path_training_circuits()
- logger.info("Processing: " + filename)
- qc = QuantumCircuit.from_qasm_file(Path(source_path) / filename)
+ if target_path is None:
+ target_path = ml.helper.get_path_training_circuits_compiled()
- if not qc:
- return False
+ Parallel(n_jobs=-1, verbose=100)(
+ delayed(self.generate_compiled_circuits_for_single_training_circuit)(
+ filename, timeout, source_path, target_path, figure_of_merit
+ )
+ for filename in source_path.iterdir()
+ )
- compilation_pipeline = ml.helper.get_compilation_pipeline()
+ def generate_compiled_circuits_for_single_training_circuit(
+ self,
+ filename: Path,
+ timeout: int,
+ source_path: Path,
+ target_path: Path,
+ figure_of_merit: reward.figure_of_merit,
+ ) -> None:
+ """Compiles a single circuit with the given timeout and saves it in the given directory.
- results = []
- comp_path_id = 0
+ Args:
+ filename (Path): The path to the circuit to be compiled
+ timeout (int): The timeout in seconds for the compilation of the circuit
+ source_path (Path): The path to the directory containing the circuit to be compiled
+ target_path (Path): The path to the directory where the compiled circuit should be saved
+ figure_of_merit (reward.figure_of_merit): The figure of merit to be used for compilation.
+
+ """
try:
- for gate_set_name, devices in compilation_pipeline["devices"].items():
- for device_name, max_qubits in devices:
- for compiler, settings in compilation_pipeline["compiler"].items():
- if "qiskit" in compiler:
- for opt_level in settings["optimization_level"]:
- target_filename = filename.split(".qasm")[0] + "_" + str(comp_path_id)
- comp_path_id += 1
- if max_qubits >= qc.num_qubits:
- tmp = utils.timeout_watcher(
- qiskit_helper.get_mapped_level,
- [
- qc,
- gate_set_name,
- qc.num_qubits,
- device_name,
- opt_level,
- False,
- False,
- target_path,
- target_filename,
- ],
- timeout,
- )
- results.append(tmp)
- if not tmp:
- continue
- elif "tket" in compiler:
- for lineplacement in settings["lineplacement"]:
- target_filename = filename.split(".qasm")[0] + "_" + str(comp_path_id)
- comp_path_id += 1
- if max_qubits >= qc.num_qubits:
- tmp = utils.timeout_watcher(
- tket_helper.get_mapped_level,
- [
- qc,
- gate_set_name,
- qc.num_qubits,
- device_name,
- lineplacement,
- False,
- False,
- target_path,
- target_filename,
- ],
- timeout,
- )
- results.append(tmp)
- if not tmp:
- continue
-
- if all(x is False for x in results):
- logger.debug("No compilation succeeded for this quantum circuit: " + filename)
- return False
- return True
+ qc = QuantumCircuit.from_qasm_file(Path(source_path) / filename)
+ if filename.suffix != ".qasm":
+ return
+
+ for i, dev in enumerate(rl.helper.get_devices()):
+ target_filename = str(filename).split("/")[-1].split(".qasm")[0] + "_" + figure_of_merit + "_" + str(i)
+ if (Path(target_path) / (target_filename + ".qasm")).exists() or qc.num_qubits > dev["max_qubits"]:
+ continue
+ try:
+ res = utils.timeout_watcher(rl.qcompile, [qc, figure_of_merit, dev["name"]], timeout)
+ if res:
+ compiled_qc = res[0]
+ compiled_qc.qasm(filename=Path(target_path) / (target_filename + ".qasm"))
+
+ except Exception as e:
+ print(e, filename, "inner")
except Exception as e:
- raise RuntimeError("Error during compilation: " + str(e)) from e
+ print(e, filename, "outer")
- def generate_compiled_circuits(
+ def compile_all_circuits_devicewise(
self,
- source_path: str = "",
- target_path: str = "",
- timeout: int = 10,
+ device_name: str,
+ timeout: int,
+ figure_of_merit: reward.figure_of_merit,
+ source_path: Path | None = None,
+ target_path: Path | None = None,
+ logger_level: int = logging.INFO,
) -> None:
- """Handles the creation of all training samples.
+ """Compiles all circuits in the given directory with the given timeout and saves them in the given directory.
+
+ Args:
+ device_name (str): The name of the device to be used for compilation
+ timeout (int): The timeout in seconds for the compilation of a single circuit
+ figure_of_merit (reward.reward_functions): The figure of merit to be used for compilation
+ source_path (Path, optional): The path to the directory containing the circuits to be compiled. Defaults to None.
+ target_path (Path, optional): The path to the directory where the compiled circuits should be saved. Defaults to None.
+ logger_level (int, optional): The level of the logger. Defaults to logging.INFO.
+ """
+ logger.setLevel(logger_level)
+
+ logger.info("Processing: " + device_name + " for " + figure_of_merit)
+ rl_pred = rl.Predictor(figure_of_merit=figure_of_merit, device_name=device_name)
+
+ dev_index = rl.helper.get_device_index_of_device(device_name)
+ dev_max_qubits = rl.helper.get_devices()[dev_index]["max_qubits"]
+
+ if source_path is None:
+ source_path = ml.helper.get_path_training_circuits()
- Keyword arguments:
- source_path -- path to file
- target_directory -- path to directory for compiled circuit
- timeout -- timeout in seconds
+ if target_path is None:
+ target_path = ml.helper.get_path_training_circuits_compiled()
+ for filename in source_path.iterdir():
+ if filename.suffix != ".qasm":
+ continue
+ qc = QuantumCircuit.from_qasm_file(Path(source_path) / filename)
+ if qc.num_qubits > dev_max_qubits:
+ continue
+
+ target_filename = (
+ str(filename).split("/")[-1].split(".qasm")[0] + "_" + figure_of_merit + "_" + str(dev_index)
+ )
+ if (Path(target_path) / (target_filename + ".qasm")).exists():
+ continue
+ try:
+ res = utils.timeout_watcher(rl.qcompile, [qc, figure_of_merit, device_name, rl_pred], timeout)
+ if res:
+ compiled_qc = res[0]
+ compiled_qc.qasm(filename=Path(target_path) / (target_filename + ".qasm"))
+
+ except Exception as e:
+ print(e, filename, device_name)
+ raise RuntimeError("Error during compilation: " + str(e)) from e
+
+ def generate_compiled_circuits(
+ self,
+ source_path: Path | None = None,
+ target_path: Path | None = None,
+ timeout: int = 600,
+ ) -> None:
+ """Compiles all circuits in the given directory with the given timeout and saves them in the given directory.
+
+ Args:
+ source_path (Path, optional): The path to the directory containing the circuits to be compiled. Defaults to None.
+ target_path (Path, optional): The path to the directory where the compiled circuits should be saved. Defaults to None.
+ timeout (int, optional): The timeout in seconds for the compilation of a single circuit. Defaults to 600.
"""
- if not source_path:
- source_path = str(ml.helper.get_path_training_circuits())
+ if source_path is None:
+ source_path = ml.helper.get_path_training_circuits()
- if not target_path:
- target_path = str(ml.helper.get_path_training_circuits_compiled())
+ if target_path is None:
+ target_path = ml.helper.get_path_training_circuits_compiled()
- path_zip = Path(source_path) / "mqtbench_training_samples.zip"
- if not any(file.suffix == ".qasm" for file in Path(source_path).iterdir()) and path_zip.exists():
+ path_zip = source_path / "training_data_device_selection.zip"
+ if not any(file.suffix == ".qasm" for file in source_path.iterdir()) and path_zip.exists():
import zipfile
with zipfile.ZipFile(str(path_zip), "r") as zip_ref:
zip_ref.extractall(source_path)
- Path(target_path).mkdir(exist_ok=True)
-
- source_circuits_list = [file.name for file in Path(source_path).iterdir() if file.suffix == ".qasm"]
+ target_path.mkdir(exist_ok=True)
- Parallel(n_jobs=-1, verbose=100)(
- delayed(self.compile_all_circuits_for_qc)(filename, source_path, target_path, timeout, logger.level)
- for filename in source_circuits_list
+ Parallel(n_jobs=1, verbose=100)(
+ delayed(self.compile_all_circuits_devicewise)(
+ device_name, timeout, figure_of_merit, source_path, target_path, logger.level
+ )
+ for figure_of_merit in ["expected_fidelity", "critical_depth"]
+ for device_name in [dev["name"] for dev in rl.helper.get_devices()]
)
def generate_trainingdata_from_qasm_files(
self,
- path_uncompiled_circuits: str = "",
- path_compiled_circuits: str = "",
- ) -> tuple[list[Any], list[Any], list[Any]]:
+ figure_of_merit: reward.figure_of_merit,
+ path_uncompiled_circuits: Path | None = None,
+ path_compiled_circuits: Path | None = None,
+ ) -> tuple[list[NDArray[np.float_]], list[str], list[NDArray[np.float_]]]:
"""Handles to create training data from all generated training samples
- Keyword arguments:
- path_uncompiled_circuits -- path to file
- path_compiled_circuits -- path to directory for compiled circuit
+ Args:
+ figure_of_merit (reward.reward_functions): The figure of merit to be used for training
+ path_uncompiled_circuits (Path, optional): The path to the directory containing the uncompiled circuits. Defaults to None.
+ path_compiled_circuits (Path, optional): The path to the directory containing the compiled circuits. Defaults to None.
+
+ Returns:
+ tuple[list[Any], list[Any], list[Any]]: The training data, consisting of training_data, name_list, scores_list
- Return values:
- training_data_ML_aggregated -- training data
- name_list -- names of all training samples
- scores -- evaluation scores for all compilation options
"""
if not path_uncompiled_circuits:
- path_uncompiled_circuits = str(ml.helper.get_path_training_circuits())
+ path_uncompiled_circuits = ml.helper.get_path_training_circuits()
if not path_compiled_circuits:
- path_compiled_circuits = str(ml.helper.get_path_training_circuits_compiled())
+ path_compiled_circuits = ml.helper.get_path_training_circuits_compiled()
# init resulting list (feature vector, name, scores)
training_data = []
@@ -196,18 +222,18 @@ def generate_trainingdata_from_qasm_files(
results = Parallel(n_jobs=-1, verbose=100)(
delayed(self.generate_training_sample)(
- str(filename.name),
+ filename.name,
path_uncompiled_circuits,
path_compiled_circuits,
+ figure_of_merit,
logger.level,
)
- for filename in Path(path_uncompiled_circuits).iterdir()
+ for filename in path_uncompiled_circuits.glob("*.qasm")
)
for sample in results:
- if not sample:
- continue
-
training_sample, circuit_name, scores = sample
+ if all(score == -1 for score in scores):
+ continue
training_data.append(training_sample)
name_list.append(circuit_name)
scores_list.append(scores)
@@ -216,77 +242,81 @@ def generate_trainingdata_from_qasm_files(
def generate_training_sample(
self,
- file: str,
- path_uncompiled_circuit: str = "",
- path_compiled_circuits: str = "",
- logger_level: int = logging.WARNING,
- ) -> tuple[tuple[list[Any], Any], str, list[float]] | bool:
- """Handles to create training data from a single generated training sample
-
- Keyword arguments:
- file -- filename for the training sample
- path_uncompiled_circuit -- path to file
- path_compiled_circuits -- path to directory for compiled circuit
-
- Return values:
- training_sample -- training data sample
- circuit_name -- names of the training sample circuit
- scores -- evaluation scores for all compilation options
+ file: Path,
+ path_uncompiled_circuit: Path,
+ path_compiled_circuits: Path,
+ figure_of_merit: reward.figure_of_merit = "expected_fidelity",
+ logger_level: int = logging.INFO,
+ ) -> tuple[tuple[list[Any], Any], str, list[float]]:
+ """Handles to create a training sample from a given file.
+
+ Args:
+ file (Path): The name of the file to be used for training
+ figure_of_merit (reward.reward_functions, optional): The figure of merit to be used for compilation. Defaults to "expected_fidelity".
+ path_uncompiled_circuit (Path): The path to the directory containing the uncompiled circuits. Defaults to None.
+ path_compiled_circuits (Path): The path to the directory containing the compiled circuits. Defaults to None.
+ logger_level (int, optional): The level of the logger. Defaults to logging.INFO.
+
+ Returns:
+ tuple[tuple[list[Any], Any], str, list[float]]: Training_sample, circuit_name, scores
"""
logger.setLevel(logger_level)
- if not path_uncompiled_circuit:
- path_uncompiled_circuit = str(ml.helper.get_path_training_circuits())
-
- if not path_compiled_circuits:
- path_compiled_circuits = str(ml.helper.get_path_training_circuits_compiled())
- if ".qasm" not in file:
- return False
+ if ".qasm" not in str(file):
+ raise RuntimeError("File is not a qasm file: " + str(file))
- LUT = ml.helper.get_index_to_comppath_LUT()
- logger.debug("Checking " + file)
+ LUT = ml.helper.get_index_to_device_LUT()
+ logger.debug("Checking " + str(file))
scores: list[float] = []
for _ in range(len(LUT)):
- scores.append(ml.helper.get_width_penalty())
- all_relevant_files = Path(path_compiled_circuits).glob(file.split(".")[0] + "*")
+ scores.append(-1.0)
+ all_relevant_files = path_compiled_circuits.glob(str(file).split(".")[0] + "*")
for filename in all_relevant_files:
filename_str = str(filename)
- if (file.split(".")[0] + "_") in filename_str and filename_str.endswith(".qasm"):
- comp_path_index = int(filename_str.split("_")[-1].split(".")[0])
- device = LUT[comp_path_index][1]
-
- score = reward.expected_fidelity(filename_str, device)
- scores[comp_path_index] = score
+ if (str(file).split(".")[0] + "_" + figure_of_merit + "_") not in filename_str and filename_str.endswith(
+ ".qasm"
+ ):
+ continue
+ comp_path_index = int(filename_str.split("_")[-1].split(".")[0])
+ device = LUT[comp_path_index]
+ qc = QuantumCircuit.from_qasm_file(filename_str)
+ if figure_of_merit == "critical_depth":
+ score = reward.crit_depth(qc)
+ elif figure_of_merit == "expected_fidelity":
+ score = reward.expected_fidelity(qc, device)
+ scores[comp_path_index] = score
num_not_empty_entries = 0
for i in range(len(LUT)):
- if scores[i] != ml.helper.get_width_penalty():
+ if scores[i] != -1.0:
num_not_empty_entries += 1
if num_not_empty_entries == 0:
- return False
+ logger.warning("no compiled circuits found for:" + str(file))
- feature_vec = ml.helper.create_feature_dict(str(Path(path_uncompiled_circuit) / file))
+ feature_vec = ml.helper.create_feature_dict(str(path_uncompiled_circuit / file))
training_sample = (list(feature_vec.values()), np.argmax(scores))
- circuit_name = file.split(".")[0]
-
+ circuit_name = str(file).split(".")[0]
return (training_sample, circuit_name, scores)
- def train_random_forest_classifier(self, visualize_results: bool = False) -> bool:
- (
- X_train,
- X_test,
- y_train,
- y_test,
- indices_train,
- indices_test,
- names_list,
- scores_list,
- ) = self.get_prepared_training_data(save_non_zero_indices=True)
+ def train_random_forest_classifier(
+ self, figure_of_merit: reward.figure_of_merit = "expected_fidelity", visualize_results: bool = False
+ ) -> bool:
+ """Trains a random forest classifier for the given figure of merit.
+
+ Args:
+ figure_of_merit (reward.reward_functions, optional): The figure of merit to be used for training. Defaults to "expected_fidelity".
+ visualize_results (bool, optional): Whether to visualize the results. Defaults to False.
+
+ Returns:
+ bool: Whether the training was successful.
+ """
+
+ training_data = self.get_prepared_training_data(figure_of_merit, save_non_zero_indices=True)
- scores_filtered = [scores_list[i] for i in indices_test]
- names_filtered = [names_list[i] for i in indices_test]
+ scores_filtered = [training_data.scores_list[i] for i in training_data.indices_test]
+ names_filtered = [training_data.names_list[i] for i in training_data.indices_test]
tree_param = [
{
@@ -299,37 +329,48 @@ def train_random_forest_classifier(self, visualize_results: bool = False) -> boo
]
clf = RandomForestClassifier(random_state=0)
- clf = GridSearchCV(clf, tree_param, cv=5, n_jobs=8).fit(X_train, y_train)
+ clf = GridSearchCV(clf, tree_param, cv=5, n_jobs=8).fit(training_data.X_train, training_data.y_train)
if visualize_results:
- y_pred = np.array(list(clf.predict(X_test)))
- res, _ = self.calc_performance_measures(scores_filtered, y_pred, y_test)
+ y_pred = np.array(list(clf.predict(training_data.X_test)))
+ res, _ = self.calc_performance_measures(scores_filtered, y_pred, training_data.y_test)
self.plot_eval_histogram(res, filename="RandomForestClassifier")
logger.info("Best Accuracy: " + str(clf.best_score_))
top3 = (res.count(1) + res.count(2) + res.count(3)) / len(res)
logger.info("Top 3: " + str(top3))
logger.info("Feature Importance: " + str(clf.best_estimator_.feature_importances_))
- self.plot_eval_all_detailed_compact_normed(names_filtered, scores_filtered, y_pred, y_test)
+ self.plot_eval_all_detailed_compact_normed(names_filtered, scores_filtered, y_pred, training_data.y_test)
self.set_classifier(clf.best_estimator_)
- ml.helper.save_classifier(clf.best_estimator_)
+ ml.helper.save_classifier(clf.best_estimator_, figure_of_merit)
logger.info("Random Forest classifier is trained and saved.")
return self.clf is not None
def get_prepared_training_data(
- self, save_non_zero_indices: bool = False
- ) -> tuple[Any, Any, Any, Any, Any, Any, Any, Any]:
- training_data, names_list, scores_list = ml.helper.load_training_data()
- X, y = zip(*training_data)
- X = list(X)
- y = list(y)
- for i in range(len(X)):
- X[i] = list(X[i])
- scores_list[i] = list(scores_list[i])
-
- X, y, indices = np.array(X), np.array(y), np.array(range(len(y)))
+ self, figure_of_merit: reward.figure_of_merit, save_non_zero_indices: bool = False
+ ) -> ml.helper.TrainingData:
+ """Prepares the training data for the given figure of merit.
+
+ Args:
+ figure_of_merit (reward.reward_functions): The figure of merit to be used for training.
+ save_non_zero_indices (bool, optional): Whether to save the non zero indices. Defaults to False.
+
+ Returns:
+ ml.helper.TrainingData: The prepared training data.
+ """
+ training_data, names_list, raw_scores_list = ml.helper.load_training_data(figure_of_merit)
+ unzipped_training_data_X, unzipped_training_data_Y = zip(*training_data)
+ scores_list: list[list[float]] = [[] for _ in range(len(raw_scores_list))]
+ X_raw = list(unzipped_training_data_X)
+ X_list: list[list[float]] = [[] for _ in range(len(X_raw))]
+ y_list = list(unzipped_training_data_Y)
+ for i in range(len(X_raw)):
+ X_list[i] = list(X_raw[i])
+ scores_list[i] = list(raw_scores_list[i])
+
+ X, y, indices = np.array(X_list), np.array(y_list), np.array(range(len(y_list)))
# Store all non zero feature indices
non_zero_indices = []
@@ -340,7 +381,10 @@ def get_prepared_training_data(
if save_non_zero_indices:
data = np.asarray(non_zero_indices)
- np.save(ml.helper.get_path_trained_model() / "non_zero_indices.npy", data)
+ np.save(
+ ml.helper.get_path_trained_model(figure_of_merit, return_non_zero_indices=True),
+ data,
+ )
(
X_train,
@@ -351,7 +395,7 @@ def get_prepared_training_data(
indices_test,
) = train_test_split(X, y, indices, test_size=0.3, random_state=5)
- return (
+ return ml.helper.TrainingData(
X_train,
X_test,
y_train,
@@ -370,15 +414,13 @@ def calc_performance_measures(
) -> tuple[list[int], list[float]]:
"""Method to generate the performance measures for a trained classifier
- Keyword arguments:
- scores_filtered -- ground truth of all combinations of compilation options
- y_pred -- predicted combination of compilation options
- y_test -- best combination of compilation options
-
- Return values:
- res -- list of all ranks
- relative_scores -- performance difference to best score
+ Args:
+ scores_filtered (list[list[float]]): The scores filtered for the respectively predicted indices of all training data
+ y_pred (np.ndarray[Any, np.dtype[np.float64]]): The predicted labels
+ y_test (np.ndarray[Any, np.dtype[np.float64]]): The actual labels
+ Returns:
+ tuple[list[int], list[float]]: The ranks and the relative scores
"""
res = []
@@ -386,8 +428,7 @@ def calc_performance_measures(
for i in range(len(y_pred)):
assert np.argmax(scores_filtered[i]) == y_test[i]
predicted_score = scores_filtered[i][y_pred[i]]
- tmp_predicted_score = 0 if predicted_score == ml.helper.get_width_penalty() else predicted_score
- relative_scores.append(tmp_predicted_score - np.max(scores_filtered[i]))
+ relative_scores.append(predicted_score - np.max(scores_filtered[i]))
score = list(np.sort(scores_filtered[i])[::-1]).index(predicted_score)
res.append(score + 1)
@@ -396,16 +437,18 @@ def calc_performance_measures(
return res, relative_scores
def plot_eval_histogram(self, res: list[int], filename: str = "histogram", color: str = "#21918c") -> None:
- """Method to generate the histogram of the resulting ranks
+ """Method to generate the histogram for the evaluation scores
+
+ Args:
+ res (list[int]): The ranks of the predictions
+ filename (str, optional): The filename of the histogram. Defaults to "histogram".
+ color (str, optional): The color of the histogram. Defaults to "#21918c".
- Keyword arguments:
- res -- all ranks as a list
- filename -- name of the file to save the histogram
"""
plt.figure(figsize=(10, 5))
- num_of_comp_paths = len(ml.helper.get_index_to_comppath_LUT())
+ num_of_comp_paths = len(ml.helper.get_index_to_device_LUT())
plt.bar(
list(range(0, num_of_comp_paths, 1)),
height=[res.count(i) / len(res) for i in range(1, num_of_comp_paths + 1, 1)],
@@ -441,13 +484,16 @@ def plot_eval_all_detailed_compact_normed(
color_all: str = "#21918c",
color_pred: str = "#440154",
) -> None:
- """Method to generate the detailed graph to examine the differences in evaluation scores
+ """Method to generate the plot for the evaluation scores of all training data
+
+ Args:
+ names_list (list[Any]): The names of all training data
+ scores_filtered (list[Any]): The scores filtered for the respectively predicted indices of all training data
+ y_pred (np.ndarray[Any, np.dtype[np.float64]]): The predicted labels
+ y_test (np.ndarray[Any, np.dtype[np.float64]]): The actual labels
+ color_all (str, optional): The color of the evaluation scores of all training data. Defaults to "#21918c".
+ color_pred (str, optional): The color of the evaluation scores of the predicted training data. Defaults to "#440154".
- Keyword arguments:
- names_list -- all names filtered for the respectively predicted indices of all training data
- scores_filtered -- all scores filtered for the respectively predicted indices of all training data
- y_pred -- predicted labels
- y_test -- actual labels
"""
# Create list of all qubit numbers and sort them
@@ -497,11 +543,19 @@ def plot_eval_all_detailed_compact_normed(
result_path.mkdir()
plt.savefig(result_path / "y_pred_eval_normed.pdf", bbox_inches="tight")
- def predict(self, qasm_str_or_path: str | QuantumCircuit) -> int:
- """Returns a compilation option prediction index for a given qasm file path or qasm string."""
+ def predict_probs(self, qasm_str_or_path: str | QuantumCircuit, figure_of_merit: reward.figure_of_merit) -> int:
+ """Returns the probabilities for all supported quantum devices to be the most suitable one for the given quantum circuit.
+
+ Args:
+ qasm_str_or_path (str | QuantumCircuit): The qasm string or path to the qasm file
+ figure_of_merit (reward.reward_functions): The figure of merit to be used for prediction
+
+ Returns:
+ int: The index of the predicted compilation option
+ """
if self.clf is None:
- path = ml.helper.get_path_trained_model() / "trained_clf.joblib"
+ path = ml.helper.get_path_trained_model(figure_of_merit)
if path.is_file():
self.clf = load(str(path))
else:
@@ -511,66 +565,8 @@ def predict(self, qasm_str_or_path: str | QuantumCircuit) -> int:
feature_dict = ml.helper.create_feature_dict(qasm_str_or_path)
feature_vector = list(feature_dict.values())
- path = ml.helper.get_path_trained_model() / "non_zero_indices.npy"
- non_zero_indices = np.load(str(path), allow_pickle=True)
+ path = ml.helper.get_path_trained_model(figure_of_merit, return_non_zero_indices=True)
+ non_zero_indices = np.load(path, allow_pickle=True)
feature_vector = [feature_vector[i] for i in non_zero_indices]
- return cast(int, self.clf.predict([feature_vector])[0]) # type: ignore[attr-defined]
-
- def compile_as_predicted(self, qc: str | QuantumCircuit, prediction: int) -> tuple[QuantumCircuit, int]:
- """Returns the compiled quantum circuit when the original qasm circuit is provided as either
- a string or a file path and the prediction index is given."""
- LUT = ml.helper.get_index_to_comppath_LUT()
- if prediction < 0 or prediction >= len(LUT):
- error_msg = "Prediction index is out of range."
- raise IndexError(error_msg)
- if not isinstance(qc, QuantumCircuit):
- if Path(qc).exists():
- logger.info("Reading from .qasm path: " + str(qc))
- qc = QuantumCircuit.from_qasm_file(qc)
- elif QuantumCircuit.from_qasm_str(qc):
- logger.info("Reading from .qasm str")
- qc = QuantumCircuit.from_qasm_str(qc)
- else:
- error_msg = "Invalid 'qc' parameter value."
- raise ValueError(error_msg)
-
- prediction_information = LUT[prediction]
- gate_set_name = prediction_information[0]
- device = prediction_information[1]
- compiler = prediction_information[2]
- compiler_settings = prediction_information[3]
-
- if compiler == "qiskit":
- compiled_qc = qiskit_helper.get_mapped_level(
- qc, gate_set_name, qc.num_qubits, device, compiler_settings, False, True
- )
- return compiled_qc, ml.helper.get_index_to_comppath_LUT()[prediction]
- if compiler == "tket":
- compiled_qc = tket_helper.get_mapped_level(
- qc,
- gate_set_name,
- qc.num_qubits,
- device,
- compiler_settings,
- False,
- True,
- )
- return (
- tk_to_qiskit(compiled_qc),
- ml.helper.get_index_to_comppath_LUT()[prediction],
- )
- error_msg = "Invalid compiler name."
- raise ValueError(error_msg)
-
- def instantiate_supervised_ML_model(self, timeout: int) -> None:
- # Generate compiled circuits and save them as qasm files
- self.generate_compiled_circuits(
- timeout=timeout,
- )
- # Generate training data from qasm files
- res = self.generate_trainingdata_from_qasm_files()
- # Save those training data for faster re-processing
- ml.helper.save_training_data(res)
- # Train the Random Forest Classifier on created training data
- self.train_random_forest_classifier()
+ return cast(int, self.clf.predict_proba([feature_vector])[0]) # type: ignore[attr-defined]
diff --git a/src/mqt/predictor/ml/__init__.py b/src/mqt/predictor/ml/__init__.py
index 7eefee805..dfa036e0f 100644
--- a/src/mqt/predictor/ml/__init__.py
+++ b/src/mqt/predictor/ml/__init__.py
@@ -1,10 +1,7 @@
-from mqt.predictor.ml import helper
from mqt.predictor.ml.helper import qcompile
from mqt.predictor.ml.Predictor import Predictor
-
__all__ = [
- "helper",
"qcompile",
"Predictor",
]
diff --git a/src/mqt/predictor/ml/helper.py b/src/mqt/predictor/ml/helper.py
index 2ec2d1cdf..1303af4bc 100644
--- a/src/mqt/predictor/ml/helper.py
+++ b/src/mqt/predictor/ml/helper.py
@@ -8,95 +8,100 @@
else:
from importlib import resources # type: ignore[no-redef]
+from dataclasses import dataclass
from pathlib import Path
from typing import TYPE_CHECKING
import numpy as np
from joblib import dump
from mqt.bench.utils import calc_supermarq_features
-from mqt.predictor import ml
+from mqt.predictor import ml, reward, rl
from qiskit import QuantumCircuit
if TYPE_CHECKING:
+ from numpy._typing import NDArray
from sklearn.ensemble import RandomForestClassifier
-def qcompile(qc: QuantumCircuit | str) -> tuple[QuantumCircuit, int]:
- """Returns the compiled quantum circuit which is compiled with the predicted combination of compilation options.
+def qcompile(
+ qc: QuantumCircuit, figure_of_merit: reward.figure_of_merit = "expected_fidelity"
+) -> tuple[QuantumCircuit, list[str], str] | bool:
+ """Compiles a given quantum circuit to a device with the highest predicted figure of merit.
- Keyword arguments:
- qc -- to be compiled quantum circuit or path to a qasm file
+ Args:
+ qc (QuantumCircuit): The quantum circuit to be compiled.
+ figure_of_merit (reward.reward_functions, optional): The figure of merit to be used for compilation. Defaults to "expected_fidelity".
- Returns: compiled quantum circuit as Qiskit QuantumCircuit object
+ Returns:
+ tuple[QuantumCircuit, list[str], str] | bool: Returns a tuple containing the compiled quantum circuit, the compilation information and the name of the device used for compilation. If compilation fails, False is returned.
"""
- predictor = ml.Predictor()
- prediction = predictor.predict(qc)
- return predictor.compile_as_predicted(qc, prediction)
+ device_name = predict_device_for_figure_of_merit(qc, figure_of_merit)
+ assert device_name is not None
+ res = rl.qcompile(qc, figure_of_merit=figure_of_merit, device_name=device_name)
+ return *res, device_name
+
+
+def predict_device_for_figure_of_merit(
+ qc: QuantumCircuit, figure_of_merit: reward.figure_of_merit = "expected_fidelity"
+) -> str:
+ """Returns the name of the device with the highest predicted figure of merit that is suitable for the given quantum circuit.
+
+ Args:
+ qc (QuantumCircuit): The quantum circuit to be compiled.
+ figure_of_merit (reward.reward_functions, optional): The figure of merit to be used for compilation. Defaults to "expected_fidelity".
+
+ Returns:
+ str : The name of the device with the highest predicted figure of merit that is suitable for the given quantum circuit.
+ """
+
+ ml_predictor = ml.Predictor()
+ predicted_device_index_probs = ml_predictor.predict_probs(qc, figure_of_merit)
+ assert ml_predictor.clf is not None
+ classes = ml_predictor.clf.classes_ # type: ignore[unreachable]
+ predicted_device_index = classes[np.argsort(predicted_device_index_probs)[::-1]]
+ devices = rl.helper.get_devices()
+
+ for index in predicted_device_index:
+ if devices[index]["max_qubits"] >= qc.num_qubits:
+ return devices[index]["name"]
+ msg = "No suitable device found."
+ raise ValueError(msg)
def get_path_training_data() -> Path:
+ """Returns the path to the training data folder."""
return Path(str(resources.files("mqt.predictor"))) / "ml" / "training_data"
-def get_path_trained_model() -> Path:
- return get_path_training_data() / "trained_model"
+def get_path_results(ghz_results: bool = False) -> Path:
+ """Returns the path to the results file."""
+ if ghz_results:
+ return get_path_training_data() / "trained_model" / "res_GHZ.csv"
+ return get_path_training_data() / "trained_model" / "res.csv"
+
+
+def get_path_trained_model(figure_of_merit: str, return_non_zero_indices: bool = False) -> Path:
+ """Returns the path to the trained model folder resulting from the machine learning training."""
+ if return_non_zero_indices:
+ return get_path_training_data() / "trained_model" / ("non_zero_indices_" + figure_of_merit + ".npy")
+ return get_path_training_data() / "trained_model" / ("trained_clf_" + figure_of_merit + ".joblib")
def get_path_training_circuits() -> Path:
+ """Returns the path to the training circuits folder."""
return get_path_training_data() / "training_circuits"
def get_path_training_circuits_compiled() -> Path:
+ """Returns the path to the compiled training circuits folder."""
return get_path_training_data() / "training_circuits_compiled"
-def get_width_penalty() -> int:
- """Returns the penalty value if a quantum computer has not enough qubits."""
- return -10000
-
-
-def get_compilation_pipeline() -> dict[str, dict[str, Any]]:
- return {
- "devices": {
- "ibm": [("ibm_washington", 127), ("ibm_montreal", 27)],
- "rigetti": [("rigetti_aspen_m2", 80)],
- "ionq": [("ionq11", 11)],
- "oqc": [("oqc_lucy", 8)],
- },
- "compiler": {
- "qiskit": {"optimization_level": [0, 1, 2, 3]},
- "tket": {"lineplacement": [False, True]},
- },
- }
-
-
-def get_index_to_comppath_LUT() -> dict[int, Any]:
- compilation_pipeline = get_compilation_pipeline()
- index = 0
- index_to_comppath_LUT = {}
- for gate_set_name, devices in compilation_pipeline["devices"].items():
- for device_name, _max_qubits in devices:
- for compiler, settings in compilation_pipeline["compiler"].items():
- if "qiskit" in compiler:
- for opt_level in settings["optimization_level"]:
- index_to_comppath_LUT[index] = (
- gate_set_name,
- device_name,
- compiler,
- opt_level,
- )
- index += 1
- elif "tket" in compiler:
- for lineplacement in settings["lineplacement"]:
- index_to_comppath_LUT[index] = (
- gate_set_name,
- device_name,
- compiler,
- lineplacement,
- )
- index += 1
- return index_to_comppath_LUT
+def get_index_to_device_LUT() -> dict[int, str]:
+ """Returns a look-up table (LUT) that maps the index of a device to its name."""
+ devices = rl.helper.get_devices()
+ return {i: device["name"] for i, device in enumerate(devices)}
def get_openqasm_gates() -> list[str]:
@@ -162,6 +167,14 @@ def dict_to_featurevector(gate_dict: dict[str, int]) -> dict[str, int]:
def create_feature_dict(qc: str | QuantumCircuit) -> dict[str, Any]:
+ """Creates and returns a feature dictionary for a given quantum circuit.
+
+ Args:
+ qc (str | QuantumCircuit): The quantum circuit to be compiled.
+
+ Returns:
+ dict[str, Any]: The feature dictionary of the given quantum circuit.
+ """
if not isinstance(qc, QuantumCircuit):
if len(qc) < PATH_LENGTH and Path(qc).exists():
qc = QuantumCircuit.from_qasm_file(qc)
@@ -190,34 +203,72 @@ def create_feature_dict(qc: str | QuantumCircuit) -> dict[str, Any]:
return feature_dict
-def save_classifier(clf: RandomForestClassifier) -> None:
- dump(clf, str(get_path_trained_model() / "trained_clf.joblib"))
+def save_classifier(clf: RandomForestClassifier, figure_of_merit: reward.figure_of_merit = "expected_fidelity") -> None:
+ """Saves the given classifier to the trained model folder.
+
+ Args:
+ clf (RandomForestClassifier): The classifier to be saved.
+ figure_of_merit (reward.reward_functions, optional): The figure of merit to be used for compilation. Defaults to "expected_fidelity".
+ """
+ dump(clf, str(get_path_trained_model(figure_of_merit)))
-def save_training_data(res: tuple[list[Any], list[Any], list[Any]]) -> None:
- training_data, names_list, scores_list = res
+def save_training_data(
+ training_data: list[NDArray[np.float_]],
+ names_list: list[str],
+ scores_list: list[NDArray[np.float_]],
+ figure_of_merit: reward.figure_of_merit,
+) -> None:
+ """Saves the given training data to the training data folder.
+
+ Args:
+ res (tuple[list[Any], list[Any], list[Any]]): The training data, the names list and the scores list to be saved.
+ figure_of_merit (reward.reward_functions, optional): The figure of merit to be used for compilation. Defaults to "expected_fidelity".
+ """
with resources.as_file(get_path_training_data() / "training_data_aggregated") as path:
data = np.asarray(training_data, dtype=object)
- np.save(str(path / "training_data.npy"), data)
+ np.save(str(path / ("training_data_" + figure_of_merit + ".npy")), data)
data = np.asarray(names_list)
- np.save(str(path / "names_list.npy"), data)
+ np.save(str(path / ("names_list_" + figure_of_merit + ".npy")), data)
data = np.asarray(scores_list)
- np.save(str(path / "scores_list.npy"), data)
+ np.save(str(path / ("scores_list_" + figure_of_merit + ".npy")), data)
-def load_training_data() -> tuple[list[Any], list[str], list[Any]]:
+def load_training_data(
+ figure_of_merit: reward.figure_of_merit = "expected_fidelity",
+) -> tuple[NDArray[np.float_], list[str], list[NDArray[np.float_]]]:
+ """Loads and returns the training data from the training data folder.
+
+ Args:
+ figure_of_merit (reward.reward_functions, optional): The figure of merit to be used for compilation. Defaults to "expected_fidelity".
+
+ Returns:
+ tuple[NDArray[np.float_], list[str], list[NDArray[np.float_]]]: The training data, the names list and the scores list.
+ """
with resources.as_file(get_path_training_data() / "training_data_aggregated") as path:
if (
- path.joinpath("training_data.npy").is_file()
- and path.joinpath("names_list.npy").is_file()
- and path.joinpath("scores_list.npy").is_file()
+ path.joinpath("training_data_" + figure_of_merit + ".npy").is_file()
+ and path.joinpath("names_list_" + figure_of_merit + ".npy").is_file()
+ and path.joinpath("scores_list_" + figure_of_merit + ".npy").is_file()
):
- training_data = np.load(str(path / "training_data.npy"), allow_pickle=True)
- names_list = list(np.load(str(path / "names_list.npy"), allow_pickle=True))
- scores_list = list(np.load(str(path / "scores_list.npy"), allow_pickle=True))
+ training_data = np.load(path / ("training_data_" + figure_of_merit + ".npy"), allow_pickle=True)
+ names_list = list(np.load(path / ("names_list_" + figure_of_merit + ".npy"), allow_pickle=True))
+ scores_list = list(np.load(path / ("scores_list_" + figure_of_merit + ".npy"), allow_pickle=True))
else:
error_msg = "Training data not found. Please run the training script first."
raise FileNotFoundError(error_msg)
return training_data, names_list, scores_list
+
+
+@dataclass
+class TrainingData:
+ X_train: NDArray[np.float_]
+ X_test: NDArray[np.float_]
+ y_train: NDArray[np.float_]
+ y_test: NDArray[np.float_]
+ indices_train: list[int]
+ indices_test: list[int]
+ names_list: list[str]
+ scores_list: list[list[float]]
diff --git a/src/mqt/predictor/ml/training_data/ghz/training_data_ghz.zip b/src/mqt/predictor/ml/training_data/ghz/training_data_ghz.zip
new file mode 100644
index 000000000..24ecc9f42
Binary files /dev/null and b/src/mqt/predictor/ml/training_data/ghz/training_data_ghz.zip differ
diff --git a/src/mqt/predictor/ml/training_data/trained_model/non_zero_indices.npy b/src/mqt/predictor/ml/training_data/trained_model/non_zero_indices.npy
deleted file mode 100644
index 3720ff6df..000000000
Binary files a/src/mqt/predictor/ml/training_data/trained_model/non_zero_indices.npy and /dev/null differ
diff --git a/src/mqt/predictor/ml/training_data/trained_model/non_zero_indices_critical_depth.npy b/src/mqt/predictor/ml/training_data/trained_model/non_zero_indices_critical_depth.npy
new file mode 100644
index 000000000..318137187
Binary files /dev/null and b/src/mqt/predictor/ml/training_data/trained_model/non_zero_indices_critical_depth.npy differ
diff --git a/src/mqt/predictor/ml/training_data/trained_model/non_zero_indices_expected_fidelity.npy b/src/mqt/predictor/ml/training_data/trained_model/non_zero_indices_expected_fidelity.npy
new file mode 100644
index 000000000..318137187
Binary files /dev/null and b/src/mqt/predictor/ml/training_data/trained_model/non_zero_indices_expected_fidelity.npy differ
diff --git a/src/mqt/predictor/ml/training_data/trained_model/res.csv b/src/mqt/predictor/ml/training_data/trained_model/res.csv
new file mode 100644
index 000000000..a26187a1b
--- /dev/null
+++ b/src/mqt/predictor/ml/training_data/trained_model/res.csv
@@ -0,0 +1,601 @@
+file_path,benchmark_name,num_qubits,MQTPredictor_expected_fidelity_time,MQTPredictor_expected_fidelity_expected_fidelity,MQTPredictor_expected_fidelity_critical_depth,MQTPredictor_critical_depth_time,MQTPredictor_critical_depth_expected_fidelity,MQTPredictor_critical_depth_critical_depth,qiskit_ibm_washington_time,qiskit_ibm_washington_expected_fidelity,qiskit_ibm_washington_critical_depth,qiskit_ibm_montreal_time,qiskit_ibm_montreal_expected_fidelity,qiskit_ibm_montreal_critical_depth,qiskit_oqc_lucy_time,qiskit_oqc_lucy_expected_fidelity,qiskit_oqc_lucy_critical_depth,qiskit_rigetti_aspen_m2_time,qiskit_rigetti_aspen_m2_expected_fidelity,qiskit_rigetti_aspen_m2_critical_depth,qiskit_ionq_harmony_time,qiskit_ionq_harmony_expected_fidelity,qiskit_ionq_harmony_critical_depth,qiskit_ionq_aria1_time,qiskit_ionq_aria1_expected_fidelity,qiskit_ionq_aria1_critical_depth,qiskit_quantinuum_h2_time,qiskit_quantinuum_h2_expected_fidelity,qiskit_quantinuum_h2_critical_depth,tket_ibm_washington_time,tket_ibm_washington_expected_fidelity,tket_ibm_washington_critical_depth,tket_ibm_montreal_time,tket_ibm_montreal_expected_fidelity,tket_ibm_montreal_critical_depth,tket_oqc_lucy_time,tket_oqc_lucy_expected_fidelity,tket_oqc_lucy_critical_depth,tket_rigetti_aspen_m2_time,tket_rigetti_aspen_m2_expected_fidelity,tket_rigetti_aspen_m2_critical_depth,tket_ionq_harmony_time,tket_ionq_harmony_expected_fidelity,tket_ionq_harmony_critical_depth,tket_ionq_aria1_time,tket_ionq_aria1_expected_fidelity,tket_ionq_aria1_critical_depth,tket_quantinuum_h2_time,tket_quantinuum_h2_expected_fidelity,tket_quantinuum_h2_critical_depth
+qft_indep_tket_8,qft,8,-1,0.6815428369,0.5735294118,-1,0.0310686159,0.5735294118,0.20340490341186523,0.2003045673,0.373015873,0.18787884712219238,0.3076660169,0.3740458015,12.04861307144165,1.66846e-05,0.4390243902,1.655573844909668,4e-10,0.3211009174,93.86258006095886,0.0531639941,0.5735294118,7.486894845962524,0.4973259978,0.5735294118,7.535559892654419,0.6815428369,0.5735294118,1.6769638061523438,0.2453045899,0.375,1.3838939666748047,0.2243075859,0.3893129771,1.169389009475708,9.6472e-06,0.5071428571,1.3054561614990234,5.5e-09,0.2131147541,1.1567091941833496,0.0334104311,0.5357142857,1.5239770412445068,0.4842150815,0.5357142857,1.3263628482818604,0.5866359128,0.5357142857
+graphstate_indep_tket_28,graphstate,28,-1,0.8692241288,0.6785714286,-1,0.0,0.7537313433,0.31668806076049805,0.1240051324,0.7142857143,-1,-1,-1,-1,-1,-1,0.7737400531768799,1.9571e-06,0.6883116883,-1,-1,-1,-1,-1,-1,19.04753589630127,0.8692241288,0.6785714286,1.7617616653442383,0.0432326821,0.6972477064,-1,-1,-1,-1,-1,-1,1.9477989673614502,2e-10,0.5984251969,-1,-1,-1,-1,-1,-1,1.415414810180664,0.5382705678,0.6785714286
+wstate_indep_qiskit_26,wstate,26,-1,0.702347475,0.46,-1,0.0,0.6018099548,4.0169737339019775,0.1804545709,0.46,0.4137401580810547,0.2101064843,0.3625,-1,-1,-1,11.23494029045105,1.78189e-05,0.46,-1,-1,-1,-1,-1,-1,10.664260864257812,0.702347475,0.46,1.9489731788635254,0.1969485277,0.46,3.139482259750366,0.1069706955,0.3984375,-1,-1,-1,1.8080289363861084,2.963e-07,0.46,-1,-1,-1,-1,-1,-1,1.7883739471435547,0.3750707036,0.46
+graphstate_indep_qiskit_30,graphstate,30,-1,0.8605657212,0.8,-1,0.0,0.811023622,0.32034993171691895,0.0525377532,0.6727272727,-1,-1,-1,-1,-1,-1,2.8181278705596924,1.4553e-06,0.7846153846,-1,-1,-1,-1,-1,-1,24.2939670085907,0.8605657212,0.8,2.2154998779296875,0.0132922292,0.6622222222,-1,-1,-1,-1,-1,-1,2.7154958248138428,9.2e-09,0.6868686869,-1,-1,-1,-1,-1,-1,1.3490979671478271,0.5192250024,0.8
+portfolioqaoa_indep_tket_7,portfolioqaoa,7,-1,0.7769994867,0.6031746032,-1,0.0224184387,0.6031746032,2.4185938835144043,0.1134777295,0.3856502242,0.4248178005218506,0.1151682124,0.3162393162,14.928505659103394,4.2e-09,0.4263565891,2.528075933456421,0.0,0.3551401869,91.80106210708618,0.0855337594,0.6031746032,26.965261936187744,0.5447176633,0.6031746032,6.340155839920044,0.7769994867,0.6031746032,2.467829942703247,0.0007152332,0.4471544715,2.368748903274536,0.0104725288,0.3601532567,2.5668599605560303,0.0,0.5769230769,2.6109910011291504,0.0,0.4183673469,2.203369140625,0.0005310181,0.6031746032,2.268502950668335,0.198800109,0.6031746032,1.9722816944122314,0.3266882659,0.6031746032
+qaoa_indep_qiskit_6,qaoa,6,-1,0.9360661628,0.5833333333,-1,0.0059615495,0.6137566138,0.10246109962463379,0.2815652676,0.3846153846,0.10151386260986328,0.5322599501,0.3846153846,0.5333759784698486,0.0333619791,0.6111111111,0.14406609535217285,0.005417992,0.5,80.82201409339905,0.6066543237,0.5833333333,7.40499210357666,0.8864656546,0.5833333333,4.161659002304077,0.9360661628,0.5833333333,0.6774868965148926,0.1577483825,0.4126984127,0.6378769874572754,0.4457715649,0.6031746032,0.5332417488098145,0.02752623,0.5128205128,0.6635940074920654,0.0297326373,0.3939393939,2.751514196395874,0.2254609845,0.5833333333,0.6442780494689941,0.7291755564,0.5833333333,0.49805593490600586,0.7952087083,0.5833333333
+dj_indep_tket_25,dj,25,-1,0.8334652635,0.0,-1,0.0,0.7061728395,0.4165358543395996,0.0870326927,0.0675675676,2.1546900272369385,0.290607182,0.1176470588,-1,-1,-1,3.6001029014587402,2.9436e-06,0.0298507463,-1,-1,-1,0.3414037227630615,0.7786235215,0.0,71.11495804786682,0.8334652635,0.0,1.5705139636993408,0.1293156035,0.3963963964,1.5043787956237793,0.0508521925,0.4619047619,-1,-1,-1,1.4194531440734863,0.0,0.3137254902,-1,-1,-1,0.7809140682220459,0.7127351979,0.0,0.883206844329834,0.6621399571,0.0
+graphstate_indep_tket_90,graphstate,90,-1,2.2192e-06,0.8795811518,-1,0.0,0.8691019787,27.40132212638855,3.54995e-05,0.8992628993,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4.484502077102661,0.0009039993,0.8027210884,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ae_indep_tket_30,ae,30,-1,0.0158169788,0.8055555556,-1,3.839e-07,0.8068965517,3.625943899154663,0.0,0.6526977475,-1,-1,-1,-1,-1,-1,13.841068029403687,0.0,0.653272101,-1,-1,-1,-1,-1,-1,106.03762197494507,0.0119403728,0.8068965517,20.120849132537842,0.0,0.6916666667,-1,-1,-1,-1,-1,-1,19.753355026245117,0.0,0.6301169591,-1,-1,-1,-1,-1,-1,14.218104124069214,0.0005961484,0.8068965517
+ae_indep_tket_7,ae,7,-1,0.7943418145,0.2857142857,-1,0.160528069,0.431372549,0.14888286590576172,0.1795321348,0.0810810811,0.1606309413909912,0.4016138058,0.0833333333,1.10123610496521,0.0005301392,0.2105263158,0.3208122253417969,3.8899e-06,0.1692307692,92.06272792816162,0.1482090917,0.2857142857,6.545130252838135,0.642107605,0.2857142857,6.402987957000732,0.7943418145,0.2857142857,0.9670121669769287,0.2542215741,0.2688172043,0.7724461555480957,0.1973637523,0.2444444444,1.0208709239959717,0.0004244634,0.2708333333,1.1756279468536377,5.2e-09,0.2179487179,0.7924773693084717,0.077180205,0.2857142857,0.964407205581665,0.5793665394,0.2857142857,1.4544782638549805,0.6755289272,0.2857142857
+wstate_indep_tket_7,wstate,7,-1,0.9166041079,0.3333333333,-1,0.7449049386,0.3333333333,0.9419131278991699,0.6141845216,0.3333333333,1.2658021450042725,0.759219897,0.3333333333,10.166636228561401,0.1901565144,0.3333333333,21.924651861190796,0.0505134828,0.3333333333,4.023404121398926,0.5726703341,0.3333333333,4.073047876358032,0.8786974334,0.3333333333,4.084941148757935,0.9166041079,0.3333333333,0.3815929889678955,0.7644261679,0.3333333333,0.3490629196166992,0.674415681,0.3333333333,0.3489341735839844,0.1899819282,0.3333333333,0.36553502082824707,0.0367586924,0.3333333333,0.37355494499206543,0.4041541018,0.3333333333,0.46231865882873535,0.8331635644,0.3333333333,0.5509192943572998,0.7872923103,0.3333333333
+portfoliovqe_indep_qiskit_8,portfoliovqe,8,-1,0.7280312693,0.6547619048,-1,0.0072694569,0.6547619048,0.41440510749816895,0.0015569851,0.3625498008,0.4292149543762207,0.0834951391,0.3524904215,2.7606420516967773,4e-10,0.4907749077,0.6615931987762451,0.0,0.4123222749,7.514902114868164,0.038788387,0.6547619048,49.16052484512329,0.4468274949,0.6547619048,7.808228969573975,0.7280312693,0.6547619048,2.677805185317993,0.0009709346,0.4833333333,2.444227933883667,0.028216708,0.4833333333,2.173419713973999,0.0,0.6374269006,2.1172878742218018,0.0,0.619047619,2.0274581909179688,0.003927041,0.6547619048,2.065474033355713,0.3149779587,0.6547619048,2.251979112625122,0.2508389612,0.6547619048
+vqe_indep_qiskit_11,vqe,11,-1,0.8460780076,0.4,-1,0.043702606,0.6058394161,0.15314316749572754,0.380234808,0.4,0.0708160400390625,0.6791592969,0.4,-1,-1,-1,0.5775938034057617,0.0397598812,0.4,0.1290278434753418,0.3773827068,0.4,13.853628873825073,0.800547709,0.4,38.70544099807739,0.8460780076,0.4,0.6022801399230957,0.6254274554,0.4,0.5745282173156738,0.5803076854,0.4,-1,-1,-1,0.6438169479370117,0.0077166327,0.4,0.5753591060638428,0.206554949,0.4,0.5799291133880615,0.730170249,0.4,0.6387922763824463,0.6542457053,0.4
+qpeexact_indep_qiskit_15,qpeexact,15,-1,0.3534021898,0.6315789474,-1,2e-10,0.6744186047,0.6770360469818115,0.0003998009,0.4397163121,0.8088099956512451,0.0044242962,0.4784172662,-1,-1,-1,1.550534963607788,0.0,0.45,-1,-1,-1,43.317490100860596,0.0968070395,0.652173913,98.80099391937256,0.3026155016,0.6493506494,11.756659984588623,1.15222e-05,0.535483871,5.590075969696045,0.0021677473,0.4754990926,-1,-1,-1,5.846498012542725,0.0,0.5176252319,-1,-1,-1,4.158785820007324,0.0693737431,0.6315789474,3.64768385887146,0.1610196373,0.6285714286
+wstate_indep_tket_18,wstate,18,-1,0.7856665187,0.4411764706,-1,0.0005501804,0.5830618893,0.6529018878936768,0.2819028929,0.4411764706,0.09619879722595215,0.44356057,0.4411764706,-1,-1,-1,9.4845290184021,0.0009349828,0.4411764706,-1,-1,-1,18.18561100959778,0.6952681996,0.4411764706,45.51903796195984,0.7856665187,0.4411764706,1.0370798110961914,0.1754532795,0.4411764706,1.020902156829834,0.3997318223,0.4411764706,-1,-1,-1,1.0416250228881836,0.0001670415,0.4411764706,-1,-1,-1,0.9992129802703857,0.598404928,0.4411764706,1.102555751800537,0.5125092622,0.4411764706
+twolocalrandom_indep_qiskit_3,twolocalrandom,3,-1,0.9464334802,0.0,-1,0.0002447126,0.4202898551,1.2892239093780518,0.7629416391,0.0,1.025557041168213,0.8014665616,0.0,13.09623384475708,0.1594508636,0.0,0.32262182235717773,0.1756818081,0.0,0.04064321517944336,0.6678634357,0.0,0.32027101516723633,0.9095679677,0.0,0.7560739517211914,0.9464334802,0.0,0.28844714164733887,0.4050650143,0.0,0.1737070083618164,0.7023162072,0.0,0.17916107177734375,0.1148893894,0.0,0.29497194290161133,0.0556737218,0.0,0.1595900058746338,0.5152558328,0.0,0.1722121238708496,0.8742460029,0.0,0.20954394340515137,0.8376829166,0.0
+dj_indep_tket_5,dj,5,-1,0.9665434325,0.0,-1,0.3001902794,0.46875,0.33469200134277344,0.7449375753,0.0,0.4381890296936035,0.9006706526,0.0,0.04925894737243652,0.4010847869,0.0,0.05932974815368652,0.4258567073,0.0,0.7669620513916016,0.8311528619,0.0,3.427304267883301,0.9579386662,0.0,3.487421989440918,0.9665434325,0.0,0.37085390090942383,0.8858114952,0.0,0.23988103866577148,0.8790565347,0.0,0.14015412330627441,0.3002036366,0.0,0.3086400032043457,0.1220265801,0.0,0.1417248249053955,0.7543517056,0.0,0.16247010231018066,0.9438627772,0.0,0.18093085289001465,0.9304861792,0.0
+qpeexact_indep_qiskit_5,qpeexact,5,-1,0.8657576525,0.1923076923,-1,0.0025725119,0.119047619,1.3325393199920654,0.4556896688,0.075,0.0702979564666748,0.7354712824,0.0555555556,0.3558790683746338,0.0241738955,0.0555555556,0.15176606178283691,3.56459e-05,0.1428571429,1.013383150100708,0.3323684029,0.2,4.413336753845215,0.7708431403,0.2,4.4344518184661865,0.8657576525,0.1923076923,0.6439306735992432,0.5663216122,0.0,0.5791230201721191,0.7265450766,0.1176470588,0.45883965492248535,0.0171724196,0.1162790698,0.5037651062011719,0.0001198641,0.064516129,0.4051518440246582,0.309151718,0.1052631579,0.420306921005249,0.7794055464,0.1052631579,0.4252181053161621,0.8252027673,0.1
+realamprandom_indep_tket_4,realamprandom,4,-1,0.9056488079,0.2777777778,-1,0.4129794605,0.2608695652,1.4345488548278809,0.4269611715,0.0,1.1189959049224854,0.6568596526,0.0,0.4981367588043213,0.0063994505,0.2083333333,0.15202713012695312,0.0145949606,0.0,0.15803217887878418,0.4627087621,0.2777777778,3.613104820251465,0.8319607743,0.2777777778,3.6367127895355225,0.9056488079,0.2777777778,0.5393021106719971,0.2534812171,0.0,0.42964696884155273,0.6261643669,0.0,0.442310094833374,0.0040020039,0.2222222222,0.5698072910308838,1.58732e-05,0.1944444444,0.40578317642211914,0.2812434682,0.2777777778,0.4204981327056885,0.7710630055,0.2777777778,0.48748326301574707,0.7202058149,0.2777777778
+su2random_indep_qiskit_4,su2random,4,-1,0.9011296113,0.2777777778,-1,0.0190672982,0.3188405797,0.6597743034362793,0.4269611715,0.0,0.12512993812561035,0.6568596526,0.0,0.5089290142059326,0.0063312681,0.2083333333,0.3042418956756592,0.0142044464,0.0,0.17240500450134277,0.4390835511,0.2777777778,3.614091157913208,0.8253303191,0.2777777778,3.8793861865997314,0.9011296113,0.2777777778,0.542863130569458,0.2526484057,0.0,0.419299840927124,0.6241947626,0.0,0.43532323837280273,0.003859583,0.2222222222,0.5589280128479004,1.57299e-05,0.1944444444,0.4141368865966797,0.273252497,0.2777777778,0.4316847324371338,0.7676771055,0.2777777778,0.4952418804168701,0.7137498296,0.2777777778
+ae_indep_qiskit_12,ae,12,-1,0.4987028805,0.5454545455,-1,0.0058192811,0.5819672131,4.346872091293335,0.0070174897,0.3625498008,0.4186971187591553,0.0251370412,0.3625498008,-1,-1,-1,0.8809630870819092,0.0,0.4099099099,-1,-1,-1,35.17663216590881,0.2553168929,0.5454545455,32.45427489280701,0.4987028805,0.5454545455,8.490062952041626,0.0060132306,0.4021164021,3.1856441497802734,0.0085968597,0.4173669468,-1,-1,-1,11.047509908676147,0.0,0.546031746,-1,-1,-1,2.4535207748413086,0.1852379683,0.5454545455,2.295631170272827,0.3095037965,0.5454545455
+graphstate_indep_qiskit_26,graphstate,26,-1,0.8779696511,0.7692307692,-1,0.0,0.7718446602,0.19772887229919434,0.1273890252,0.652173913,0.3155651092529297,0.2916598446,0.7735849057,-1,-1,-1,0.7658989429473877,0.0001394088,0.6511627907,-1,-1,-1,-1,-1,-1,10.006826162338257,0.8779696511,0.7692307692,1.6925709247589111,0.0293793758,0.703125,2.7049710750579834,0.2439839705,0.7162162162,-1,-1,-1,1.7444698810577393,3.557e-07,0.725,-1,-1,-1,-1,-1,-1,0.9273998737335205,0.5692930812,0.7692307692
+wstate_indep_qiskit_30,wstate,30,-1,0.6640624375,0.4655172414,-1,0.0,0.5954545455,9.808565855026245,0.1388537803,0.4655172414,-1,-1,-1,-1,-1,-1,12.10416841506958,4.1176e-06,0.4655172414,-1,-1,-1,-1,-1,-1,11.285451173782349,0.6640624375,0.4655172414,1.7785160541534424,0.1663685665,0.4655172414,-1,-1,-1,-1,-1,-1,1.7772066593170166,2.89e-08,0.4655172414,-1,-1,-1,-1,-1,-1,1.8683981895446777,0.3208624206,0.4655172414
+pricingput_indep_tket_5,pricingput,5,-1,0.7669888696,0.06,-1,0.0,0.2641509434,0.19311189651489258,0.159069149,0.0416666667,0.2281198501586914,0.4124929716,0.0416666667,0.852506160736084,0.0012850803,0.0416666667,0.30428504943847656,1.02256e-05,0.0428571429,1.0314991474151611,0.1037353541,0.06,4.254018068313599,0.5930116991,0.06,4.214095115661621,0.7669888696,0.06,0.9509079456329346,0.2889315992,0.0326086957,0.8797788619995117,0.3406272501,0.0326086957,1.0412158966064453,0.0003221836,0.0697674419,1.147524118423462,1.15e-08,0.1298701299,0.9568729400634766,0.0386269413,0.06,0.9180681705474854,0.5061243747,0.06,1.0515096187591553,0.5125046373,0.0540540541
+qft_indep_tket_30,qft,30,-1,0.0,0.7278067885,-1,2.685e-07,0.8721311475,3.673734188079834,0.0,0.7536873156,-1,-1,-1,-1,-1,-1,5.92125391960144,0.0,0.7362804878,-1,-1,-1,-1,-1,-1,89.41224503517151,0.0093714599,0.8721311475,18.033164978027344,0.0,0.7610136452,-1,-1,-1,-1,-1,-1,19.288810968399048,0.0,0.7008230453,-1,-1,-1,-1,-1,-1,14.03290581703186,0.0004554815,0.8689655172
+graphstate_indep_tket_5,graphstate,5,-1,0.9752830441,0.2,-1,0.0975177255,0.3333333333,0.04708075523376465,0.8659540043,0.2222222222,0.11055302619934082,0.8559588089,0.0909090909,0.1658799648284912,0.2038313117,0.2857142857,0.0552670955657959,0.0496662238,0.125,0.7870080471038818,0.8077608835,0.2,4.571242094039917,0.950265493,0.2,3.6846282482147217,0.9752830441,0.2,0.3237440586090088,0.576572994,0.0588235294,0.25113916397094727,0.6619789875,0.15,0.17867493629455566,0.214140395,0.3571428571,0.31637096405029297,0.3236948665,0.125,0.16176509857177734,0.6671243461,0.2,0.1742238998413086,0.922913552,0.2,0.20160675048828125,0.8957713603,0.2
+qftentangled_indep_qiskit_50,qftentangled,50,-1,0.0,0.7907518943,-1,0.0,0.8520893212,12.84617280960083,0.0,0.8682198115,-1,-1,-1,-1,-1,-1,16.90412187576294,0.0,0.7953506098,-1,-1,-1,-1,-1,-1,-1,-1,-1,56.7572557926178,0.0,0.8152064451,-1,-1,-1,-1,-1,-1,53.39688181877136,0.0,0.8527500396,-1,-1,-1,-1,-1,-1,-1,-1,-1
+groundstate_medium_indep_qiskit_12,groundstate,12,-1,0.6183892171,0.75,-1,0.2763646903,0.75,0.6467537879943848,0.0002679154,0.5283446712,0.6609299182891846,0.0066075379,0.5603644647,-1,-1,-1,1.0827457904815674,0.0,0.4943502825,-1,-1,-1,33.25469207763672,0.2878759037,0.75,33.5202910900116,0.6183892171,0.75,14.174972772598267,1.15459e-05,0.5649452269,3.906742811203003,0.0011195289,0.5254237288,-1,-1,-1,15.42553997039795,0.0,0.7264957265,-1,-1,-1,3.2385811805725098,0.1674728332,0.75,3.5281732082366943,0.121912798,0.75
+dj_indep_qiskit_26,dj,26,-1,0.8268183447,0.0,-1,0.0,0.7287735849,0.28281617164611816,0.1772507362,0.0273972603,0.2735631465911865,0.2491840366,0.0759493671,-1,-1,-1,0.27742981910705566,1.3278e-06,0.0746268657,-1,-1,-1,-1,-1,-1,9.824270963668823,0.8268183447,0.0,1.745255708694458,0.0874108997,0.3533834586,1.6427710056304932,0.078764955,0.5138121547,-1,-1,-1,1.6413869857788086,0.0,0.2660550459,-1,-1,-1,-1,-1,-1,0.888192892074585,0.6516228448,0.0
+ae_indep_qiskit_8,ae,8,-1,0.7383627454,0.3571428571,-1,2.55925e-05,0.5026315789,0.2147221565246582,0.2661305646,0.1919191919,0.1968071460723877,0.3727162193,0.1546391753,1.3420038223266602,0.0002867313,0.2857142857,1.2910068035125732,5.999e-07,0.2413793103,7.6034040451049805,0.0822931406,0.3571428571,7.596141815185547,0.5552156288,0.3571428571,7.702633380889893,0.7383627454,0.3571428571,1.6758720874786377,0.0272646559,0.328358209,1.3460338115692139,0.1933504054,0.2116788321,1.3428387641906738,1.86414e-05,0.3138686131,1.4130570888519287,4e-10,0.2890625,1.0394210815429688,0.0337624684,0.3571428571,1.054075002670288,0.484990601,0.3571428571,1.004748821258545,0.5984927332,0.3571428571
+vqe_indep_tket_13,vqe,13,-1,0.8185897313,0.4166666667,-1,0.0266025814,0.519379845,0.22269582748413086,0.433131072,0.4166666667,0.08242416381835938,0.557488835,0.4166666667,-1,-1,-1,1.3727748394012451,0.0076414414,0.4166666667,-1,-1,-1,6.226495027542114,0.7662622268,0.4166666667,6.039214849472046,0.8185897313,0.4166666667,0.8240067958831787,0.5653889098,0.4166666667,0.799950122833252,0.533660514,0.4166666667,-1,-1,-1,0.7992208003997803,0.0032596794,0.4166666667,-1,-1,-1,0.7508223056793213,0.6872531277,0.4166666667,0.814990758895874,0.6033095519,0.4166666667
+realamprandom_indep_qiskit_30,realamprandom,30,-1,0.0135133675,0.9103448276,-1,0.0135133675,0.9103448276,10.53066110610962,0.0,0.8675757576,-1,-1,-1,-1,-1,-1,14.600964069366455,0.0,0.7780418251,-1,-1,-1,-1,-1,-1,93.32509994506836,0.0135133675,0.9103448276,35.62029576301575,0.0,0.7258064516,-1,-1,-1,-1,-1,-1,37.061646938323975,0.0,0.7909774436,-1,-1,-1,-1,-1,-1,37.72899627685547,1.8e-09,0.9103448276
+random_indep_tket_3,random,3,-1,0.9111072514,0.0,-1,0.5181285495,0.34,0.2577390670776367,0.8284861542,0.0,0.0781240463256836,0.8354198694,0.0,0.24140596389770508,0.1621300903,0.0,0.110565185546875,0.1497446718,0.0,0.07047510147094727,0.5351015179,0.0,0.2177140712738037,0.866443654,0.0,0.38390302658081055,0.9111072514,0.0,0.36390113830566406,0.481778162,0.0,0.2604067325592041,0.7403850777,0.0,0.2704739570617676,0.0548210594,0.0,0.3724551200866699,0.021962733,0.0,0.2649836540222168,0.4128301738,0.0,0.27753114700317383,0.8327963695,0.0,0.3091390132904053,0.828511847,0.0
+graphstate_indep_tket_12,graphstate,12,-1,0.9417022697,0.5,-1,0.0119708408,0.6984126984,0.059027910232543945,0.5683262721,0.5,0.03763008117675781,0.6202401147,0.5,-1,-1,-1,0.07764506340026855,0.051396303,0.5,-1,-1,-1,5.801275014877319,0.8843402634,0.5,5.834097146987915,0.9417022697,0.5,0.4411787986755371,0.5711929572,0.5,0.4115869998931885,0.610144299,0.5,-1,-1,-1,0.43926191329956055,0.0289883117,0.5,-1,-1,-1,0.4188530445098877,0.8258624368,0.5,0.46286797523498535,0.7701525373,0.5
+pricingcall_indep_tket_5,pricingcall,5,-1,0.7669888696,0.06,-1,1.2545e-05,0.0537634409,0.3410780429840088,0.1704789492,0.0857142857,0.17841792106628418,0.425095381,0.0857142857,0.7043349742889404,0.0015297327,0.0857142857,0.31848907470703125,1.31899e-05,0.0882352941,1.056826114654541,0.1218999813,0.0652173913,4.34387993812561,0.6173184968,0.0652173913,4.354944944381714,0.7669888696,0.06,0.9178018569946289,0.3220950219,0.0365853659,0.8582470417022705,0.3845756176,0.0365853659,0.9150452613830566,0.0004077706,0.0759493671,1.083700180053711,4.962e-07,0.1194029851,0.8546738624572754,0.0489744955,0.0652173913,0.8684320449829102,0.5325919534,0.0652173913,1.035667896270752,0.5302416186,0.0571428571
+qftentangled_indep_tket_6,qftentangled,6,-1,0.7708492579,0.4772727273,-1,1.2341e-06,0.5327868852,0.13137102127075195,0.2164379767,0.2777777778,0.12023401260375977,0.5162149949,0.2777777778,0.8334550857543945,0.0005006685,0.265060241,0.21446490287780762,4.952e-07,0.35,5.529451847076416,0.1471299884,0.4772727273,5.555592060089111,0.6346490039,0.4772727273,6.053725004196167,0.7708492579,0.4772727273,1.0248229503631592,0.3827675001,0.2676056338,0.8158526420593262,0.5271504649,0.2676056338,0.8182849884033203,0.0011012386,0.3116883117,1.0199551582336426,3.6e-08,0.2258064516,0.9043998718261719,0.113228167,0.4285714286,0.8038599491119385,0.6303261121,0.4285714286,0.744225025177002,0.677561612,0.45
+qftentangled_indep_qiskit_11,qftentangled,11,-1,0.568563002,0.6666666667,-1,1.07203e-05,0.7133956386,0.5372710227966309,0.0024977077,0.4699646643,0.52889084815979,0.0546462564,0.4668989547,-1,-1,-1,0.7774369716644287,0.0,0.4110671937,0.21812200546264648,0.00310516,0.6814814815,28.693896055221558,0.2518366209,0.6814814815,28.9886691570282,0.4719976214,0.6814814815,15.898394107818604,0.0005791877,0.4583333333,3.894045829772949,0.0218712739,0.4930555556,-1,-1,-1,15.939950704574585,0.0,0.5296296296,2.5428619384765625,0.0006676278,0.6666666667,2.545330762863159,0.2104726363,0.6666666667,2.4958078861236572,0.3061171473,0.6769230769
+qnn_indep_tket_3,qnn,3,-1,0.9221174852,0.0,-1,0.1725227338,0.4235294118,0.06461286544799805,0.4888850404,0.0,0.05560421943664551,0.7840727363,0.0,0.22906112670898438,0.1448142526,0.0,0.11051416397094727,0.0375060113,0.0,0.05285930633544922,0.5493086789,0.0,0.20135998725891113,0.8699170656,0.0,0.37697625160217285,0.9221174852,0.0,0.3317890167236328,0.3841482809,0.0,0.21949124336242676,0.6888255349,0.0,0.22461581230163574,0.0932274986,0.0,0.31884121894836426,0.0539832032,0.0,0.2158370018005371,0.4339043063,0.0,0.2262279987335205,0.8391510099,0.0,0.26617908477783203,0.8640737864,0.0
+su2random_indep_tket_3,su2random,3,-1,0.9426534211,0.0,-1,0.0879931237,0.4074074074,0.09023690223693848,0.7627686513,0.0,0.07589983940124512,0.8013131108,0.0,0.26776671409606934,0.1572620939,0.0,0.09738016128540039,0.1750444856,0.0,0.043372154235839844,0.6488874307,0.0,0.1901261806488037,0.9055738633,0.0,0.369128942489624,0.9426534211,0.0,0.2903738021850586,0.4045669882,0.0,0.1813220977783203,0.7016923715,0.0,0.356456995010376,0.1080606505,0.0,0.2775888442993164,0.0555316104,0.0,0.17061686515808105,0.5045668274,0.0,0.18142223358154297,0.8714523292,0.0,0.21944880485534668,0.8351723801,0.0
+qftentangled_indep_qiskit_6,qftentangled,6,-1,0.7708492579,0.4772727273,-1,6.1281e-05,0.4957264957,0.12796807289123535,0.2164379767,0.2777777778,0.11858987808227539,0.5162149949,0.2777777778,0.8360047340393066,0.0005012701,0.265060241,0.21507477760314941,4.638e-07,0.35,5.611708164215088,0.1471299884,0.4772727273,5.448745012283325,0.6346490039,0.4772727273,5.450004816055298,0.7708492579,0.4772727273,1.0152320861816406,0.3827675001,0.2676056338,0.8816409111022949,0.5271504649,0.2676056338,0.8177180290222168,0.0011012386,0.3116883117,1.0216870307922363,3.6e-08,0.2258064516,0.7888209819793701,0.113228167,0.4285714286,0.8203539848327637,0.6303261121,0.4285714286,0.743908166885376,0.677561612,0.45
+qpeexact_indep_tket_3,qpeexact,3,-1,0.9569127416,0.0,-1,0.9413520438,0.0,0.039945125579833984,0.8881686899,0.0,0.03006887435913086,0.9389270858,0.0,0.060250043869018555,0.6828652273,0.0,0.041416168212890625,0.5254465279,0.0,0.06842398643493652,0.8054240086,0.0,0.1774742603302002,0.953350663,0.0,0.345120906829834,0.9569127416,0.0,0.1435070037841797,0.9013026635,0.0,0.11022591590881348,0.9305445367,0.0,0.11041879653930664,0.5451028913,0.0,0.12976694107055664,0.5276824457,0.0,0.13683104515075684,0.7543517056,0.0,0.12560367584228516,0.9438627772,0.0,0.13786077499389648,0.9436112101,0.0
+wstate_indep_tket_22,wstate,22,-1,0.742839751,0.4523809524,-1,0.0,0.5384615385,1.6328768730163574,0.225119285,0.4523809524,0.13823890686035156,0.344663439,0.3541666667,-1,-1,-1,9.270574808120728,0.0001299946,0.4523809524,-1,-1,-1,8.845552921295166,0.6385211365,0.4523809524,15.028438091278076,0.742839751,0.4523809524,1.2808520793914795,0.23118238,0.4523809524,1.931868076324463,0.1280812531,0.524822695,-1,-1,-1,1.2703418731689453,5.099e-07,0.4523809524,-1,-1,-1,1.2734570503234863,0.5305518697,0.4523809524,1.3408498764038086,0.4384372356,0.4523809524
+qft_indep_qiskit_60,qft,60,-1,0.0,0.6485086993,-1,0.0,0.8721529759,19.58735179901123,0.0,0.812117991,-1,-1,-1,-1,-1,-1,45.933680057525635,0.0,0.8252911814,-1,-1,-1,-1,-1,-1,-1,-1,-1,62.3965630531311,0.0,0.8345864662,-1,-1,-1,-1,-1,-1,67.26377701759338,0.0,0.7346500644,-1,-1,-1,-1,-1,-1,-1,-1,-1
+dj_indep_qiskit_30,dj,30,-1,0.8136782175,0.0,-1,0.0,0.4358974359,0.337648868560791,0.1055567622,0.1276595745,-1,-1,-1,-1,-1,-1,0.3795127868652344,4.629e-07,0.1975308642,-1,-1,-1,-1,-1,-1,11.203452825546265,0.8023604718,0.0,1.849255084991455,0.0086269002,0.556561086,-1,-1,-1,-1,-1,-1,1.8089220523834229,0.0,0.4540540541,-1,-1,-1,-1,-1,-1,1.025831937789917,0.6087574308,0.0
+groundstate_small_indep_qiskit_4,groundstate,4,-1,0.9379411071,0.25,-1,0.0391198446,0.4516129032,0.06768417358398438,0.5493809446,0.0,0.059053897857666016,0.7528031864,0.0,0.2993488311767578,0.0491725651,0.1785714286,0.07172799110412598,0.0658381448,0.0,0.1580660343170166,0.6082460889,0.25,3.726469039916992,0.8868203828,0.25,3.7391531467437744,0.9379411071,0.25,0.3856689929962158,0.4111275563,0.0,0.27705812454223633,0.7289839823,0.0,0.2899601459503174,0.0289090879,0.1538461538,0.4102311134338379,0.0006524021,0.1666666667,0.28742194175720215,0.4372077225,0.25,0.3029799461364746,0.8432237799,0.25,0.34889888763427734,0.8048135296,0.25
+qnn_indep_qiskit_30,qnn,30,-1,0.0005991317,0.8852459016,-1,0.0005991317,0.8852459016,5.273853063583374,0.0,0.8274055693,-1,-1,-1,-1,-1,-1,10.749668836593628,0.0,0.766019136,-1,-1,-1,-1,-1,-1,92.93913912773132,0.0005991317,0.8852459016,30.17392325401306,0.0,0.7276844688,-1,-1,-1,-1,-1,-1,32.16635584831238,0.0,0.7660377358,-1,-1,-1,-1,-1,-1,33.260656118392944,1.884e-07,0.8709677419
+qnn_indep_qiskit_4,qnn,4,-1,0.8657550483,0.2222222222,-1,0.0,0.464516129,0.08513212203979492,0.3827816582,0.0,0.07415103912353516,0.7197849462,0.0,0.5869042873382568,0.0130465945,0.0892857143,0.16910529136657715,0.0088383316,0.0,0.17606019973754883,0.3188096841,0.2307692308,3.633867025375366,0.7631405046,0.2307692308,3.6601617336273193,0.8657550483,0.2222222222,0.577458381652832,0.1830285454,0.0,0.4940769672393799,0.591330981,0.0,0.47500181198120117,0.0044319199,0.1935483871,0.641488790512085,6.14326e-05,0.2105263158,0.43924474716186523,0.2026061848,0.2307692308,0.457866907119751,0.7121070977,0.2307692308,0.5638477802276611,0.7632419378,0.2
+graphstate_indep_tket_24,graphstate,24,-1,0.8868031648,0.75,-1,0.0,0.7712765957,0.1576077938079834,0.1745227964,0.7534246575,0.12060785293579102,0.3170187224,0.625,-1,-1,-1,0.5063352584838867,0.0001535468,0.72,-1,-1,-1,9.783484935760498,0.7820577015,0.75,9.72599196434021,0.8868031648,0.75,1.378598690032959,0.0930513549,0.6790123457,1.5399420261383057,0.2119311,0.7666666667,-1,-1,-1,1.5126209259033203,1.3e-09,0.6666666667,-1,-1,-1,0.7682650089263916,0.6820487646,0.75,0.8418409824371338,0.5931349308,0.75
+qft_indep_tket_4,qft,4,-1,0.8948405962,0.2777777778,-1,0.055172427,0.503875969,0.21129107475280762,0.7565123206,0.2,0.22041916847229004,0.8059669322,0.2,0.2581050395965576,0.0504917003,0.2,0.26610803604125977,0.0441310331,0.2,0.15637612342834473,0.4425488854,0.2777777778,3.623192071914673,0.8263215083,0.2777777778,5.349689960479736,0.8948405962,0.2777777778,0.3535881042480469,0.6562073414,0.0,0.2550621032714844,0.768176257,0.0,0.2742030620574951,0.078346873,0.0833333333,0.393618106842041,0.004489593,0.1111111111,0.2655351161956787,0.4631529511,0.1666666667,0.2919940948486328,0.8506783924,0.1666666667,0.26438093185424805,0.8824257852,0.1666666667
+wstate_indep_qiskit_7,wstate,7,-1,0.9166041079,0.3333333333,-1,0.7474884093,0.3333333333,0.06493186950683594,0.6141845216,0.3333333333,0.03923296928405762,0.759219897,0.3333333333,0.08643794059753418,0.1899283266,0.3333333333,0.12232708930969238,0.0505134828,0.3333333333,4.007744073867798,0.5726703341,0.3333333333,3.9934749603271484,0.8786974334,0.3333333333,4.05036997795105,0.9166041079,0.3333333333,0.37421083450317383,0.7644261679,0.3333333333,0.3403017520904541,0.674415681,0.3333333333,0.34635472297668457,0.1899819282,0.3333333333,0.35773801803588867,0.0367586924,0.3333333333,0.3343799114227295,0.4041541018,0.3333333333,0.34472179412841797,0.8331635644,0.3333333333,0.3854043483734131,0.7872923103,0.3333333333
+graphstate_indep_qiskit_3,graphstate,3,-1,0.9850956568,0.0,-1,0.1940504487,0.44,0.03471994400024414,0.8762002776,0.0,0.023499011993408203,0.8918969536,0.0,0.0855259895324707,0.4413663922,0.0,0.035629987716674805,0.3672082753,0.0,0.039182186126708984,0.8779287448,0.0,0.17275595664978027,0.9695450053,0.0,0.3504600524902344,0.9850956568,0.0,0.206939697265625,0.732348255,0.0,0.0964500904083252,0.8493202509,0.0,0.09483075141906738,0.4115176314,0.0,0.181427001953125,0.4210150639,0.0,0.09029412269592285,0.7884971531,0.0,0.10698509216308594,0.9537710125,0.0,0.12236595153808594,0.9379664995,0.0
+qft_indep_qiskit_17,qft,17,-1,0.279024383,0.7720588235,-1,0.0074291672,0.7804054054,0.9608900547027588,2.31473e-05,0.6542056075,0.9407658576965332,0.0004423273,0.6204906205,-1,-1,-1,1.8760998249053955,0.0,0.6221441125,-1,-1,-1,47.88069200515747,0.0497742758,0.7804054054,47.14752793312073,0.2079047167,0.7804054054,7.539380073547363,8.2e-09,0.5617834395,5.719425678253174,0.0002203219,0.6232616941,-1,-1,-1,6.241457939147949,0.0,0.661341853,-1,-1,-1,5.3692240715026855,0.0308883922,0.7720588235,4.3855202198028564,0.0878938976,0.7720588235
+dj_indep_qiskit_10,dj,10,-1,0.9304721847,0.0,-1,0.0394102858,0.4444444444,0.11190104484558105,0.6145793432,0.0,0.058999061584472656,0.7166017012,0.05,-1,-1,-1,0.11106514930725098,0.0496461216,0.0,6.08929705619812,0.6626337987,0.0,5.058187007904053,0.9084769227,0.0,5.124303817749023,0.9304721847,0.0,0.6202449798583984,0.3980666093,0.0,0.5855312347412109,0.5812671013,0.0666666667,-1,-1,-1,0.6297941207885742,0.0003998477,0.1515151515,0.27821779251098633,0.5387278026,0.0,0.28865981101989746,0.8802123316,0.0,0.32956695556640625,0.8554692551,0.0
+dj_indep_tket_29,dj,29,-1,0.8193992813,0.0,-1,0.0028650648,0.4676470588,0.3151402473449707,0.1269641521,0.130952381,-1,-1,-1,-1,-1,-1,0.3062007427215576,2.6537e-06,0.0147058824,-1,-1,-1,-1,-1,-1,11.925764322280884,0.8088107701,0.0,1.9805550575256348,0.0060961654,0.5798319328,-1,-1,-1,-1,-1,-1,2.0345089435577393,0.0,0.4350649351,-1,-1,-1,-1,-1,-1,1.0072360038757324,0.6185827005,0.0
+qft_indep_qiskit_7,qft,7,-1,0.7480402399,0.5098039216,-1,0.0734221919,0.5098039216,0.1397862434387207,0.3972890374,0.2959183673,0.2741239070892334,0.4143434257,0.247311828,1.3697688579559326,0.0008023261,0.396039604,0.2623741626739502,1.41e-08,0.3333333333,6.588301181793213,0.1093471753,0.5098039216,6.471087217330933,0.5910926341,0.5098039216,6.491611957550049,0.7480402399,0.5098039216,1.1183600425720215,0.4154003842,0.2666666667,1.0618507862091064,0.2496651076,0.2857142857,1.096224069595337,0.0001936075,0.4509803922,1.19439697265625,2e-10,0.2839506173,0.8660640716552734,0.0773827136,0.4761904762,0.88008713722229,0.5795983787,0.4761904762,0.764894962310791,0.6681351518,0.4761904762
+qft_indep_qiskit_40,qft,40,-1,0.0,0.6821413634,-1,0.0,0.8132394366,7.440514087677002,0.0,0.8227009114,-1,-1,-1,-1,-1,-1,12.852272033691406,0.0,0.7792207792,-1,-1,-1,-1,-1,-1,-1,-1,-1,30.693078994750977,0.0,0.8120080953,-1,-1,-1,-1,-1,-1,32.75073719024658,0.0,0.7575366064,-1,-1,-1,-1,-1,-1,-1,-1,-1
+realamprandom_indep_tket_8,realamprandom,8,-1,0.7065040889,0.6547619048,-1,0.0175339314,0.6547619048,0.6017990112304688,0.0029355974,0.3555555556,0.5822138786315918,0.1069855221,0.3502109705,2.742445707321167,3e-10,0.4907749077,0.6958818435668945,0.0,0.3979057592,7.533605098724365,0.0363287977,0.6547619048,7.597698211669922,0.442380602,0.6547619048,8.49070119857788,0.7065040889,0.6547619048,2.5656728744506836,0.000970306,0.4833333333,2.267082929611206,0.0281832132,0.4833333333,2.0415821075439453,0.0,0.6374269006,2.136871099472046,0.0,0.619047619,1.8830547332763672,0.0037955182,0.6547619048,1.9208581447601318,0.3133439985,0.6547619048,2.2987120151519775,0.247845394,0.6547619048
+qpeexact_indep_qiskit_9,qpeexact,9,-1,0.6469642101,0.4756097561,-1,0.0006529367,0.5249169435,0.26477909088134766,0.0919937893,0.2716049383,0.7528939247131348,0.2325987569,0.2420382166,-1,-1,-1,0.4685797691345215,8.3e-09,0.2676056338,8.829018115997314,0.030936464,0.4814814815,8.865962266921997,0.4364571067,0.4814814815,9.126738786697388,0.6469642101,0.4756097561,2.1099817752838135,0.1048920766,0.339869281,1.6999139785766602,0.2026202502,0.3466666667,-1,-1,-1,1.7789173126220703,0.0,0.3653846154,1.3856959342956543,0.0154784238,0.4347826087,1.3984618186950684,0.4104140759,0.4347826087,1.2982268333435059,0.5270681119,0.4285714286
+dj_indep_tket_9,dj,9,-1,0.9379523925,0.0,-1,1.802e-07,0.476635514,0.0650949478149414,0.5368024147,0.0555555556,0.05632591247558594,0.7468002626,0.0,-1,-1,-1,0.09782791137695312,0.0239557245,0.0,4.751307725906372,0.6962671291,0.0,7.309560060501099,0.9187485456,0.0,15.36097002029419,0.9379523925,0.0,0.6174299716949463,0.4457847465,0.0,0.5406081676483154,0.5634577808,0.2692307692,-1,-1,-1,0.5764129161834717,0.0244218654,0.0588235294,0.2644181251525879,0.5750423952,0.0,0.27724194526672363,0.8923037718,0.0,0.3776531219482422,0.8692764232,0.0
+qpeinexact_indep_tket_14,qpeinexact,14,-1,0.3957348873,0.6043956044,-1,2.94e-08,0.6695005313,0.7860579490661621,0.0016283086,0.420131291,0.619664192199707,0.0018482061,0.4064516129,-1,-1,-1,1.2343170642852783,0.0,0.3947990544,-1,-1,-1,40.50605893135071,0.1313154805,0.625,74.6172091960907,0.3548289455,0.625,4.437042951583862,9.928e-07,0.6124721604,10.226519107818604,0.0035362275,0.5129151292,-1,-1,-1,11.995489120483398,0.0,0.4744897959,-1,-1,-1,3.3036458492279053,0.0973464238,0.6043956044,2.91917085647583,0.20107531,0.6043956044
+portfoliovqe_indep_qiskit_4,portfoliovqe,4,-1,0.9165875651,0.2777777778,-1,0.0201157123,0.5252525253,0.09125781059265137,0.4091226155,0.0,0.0809941291809082,0.6423193168,0.0,0.5107779502868652,0.0066045459,0.2083333333,0.13866329193115234,0.0142025346,0.0,0.1663517951965332,0.4712744748,0.2777777778,3.619246006011963,0.8342939961,0.2777777778,3.629054069519043,0.9165875651,0.2777777778,0.5473339557647705,0.2534812171,0.0,0.43703317642211914,0.6261643669,0.0,0.4507591724395752,0.0039967868,0.2222222222,0.5482258796691895,1.60081e-05,0.1944444444,0.4324460029602051,0.2849525736,0.2777777778,0.4443199634552002,0.7726069838,0.2777777778,0.48462629318237305,0.7223707608,0.2777777778
+qftentangled_indep_qiskit_70,qftentangled,70,-1,0.0,0.7279886914,-1,0.0,0.8804367345,26.404991149902344,0.0,0.87256691,-1,-1,-1,-1,-1,-1,47.891093015670776,0.0,0.8072958771,-1,-1,-1,-1,-1,-1,-1,-1,-1,84.56315588951111,0.0,0.8452361497,-1,-1,-1,-1,-1,-1,90.42456984519958,0.0,0.8566368382,-1,-1,-1,-1,-1,-1,-1,-1,-1
+wstate_indep_tket_14,wstate,14,-1,0.8309623681,0.4230769231,-1,0.0153544902,0.5671641791,0.6630892753601074,0.3506882474,0.4230769231,0.07028794288635254,0.4758867827,0.4230769231,-1,-1,-1,2.1981418132781982,0.0037008437,0.4230769231,-1,-1,-1,6.330963134765625,0.7570585244,0.4230769231,6.329883098602295,0.8309623681,0.4230769231,0.7973182201385498,0.5511481117,0.4230769231,0.7624330520629883,0.5251883315,0.4230769231,-1,-1,-1,0.9733459949493408,0.0020360441,0.4230769231,-1,-1,-1,0.7538878917694092,0.6749358135,0.4230769231,0.8284127712249756,0.5990954292,0.4230769231
+qaoa_indep_qiskit_12,qaoa,12,-1,0.8762198611,0.7083333333,-1,0.0001617444,0.7179487179,0.10471129417419434,0.19772273,0.7083333333,0.09032392501831055,0.4277132491,0.7083333333,-1,-1,-1,0.1758720874786377,0.0001546175,0.7083333333,-1,-1,-1,6.1969568729400635,0.7858213568,0.7083333333,5.84815788269043,0.8762198611,0.7083333333,0.9995481967926025,0.2569720314,0.7083333333,0.9650907516479492,0.4052499299,0.7083333333,-1,-1,-1,1.090588092803955,3.14217e-05,0.7083333333,-1,-1,-1,0.9126780033111572,0.5334014891,0.7083333333,0.8541727066040039,0.6298312538,0.7083333333
+su2random_indep_tket_50,su2random,50,-1,0.0,0.8471447943,-1,0.0,0.893225606,29.72230076789856,0.0,0.8468185389,-1,-1,-1,-1,-1,-1,93.22853875160217,0.0,0.8484140234,-1,-1,-1,-1,-1,-1,-1,-1,-1,119.32412385940552,0.0,0.7503505677,-1,-1,-1,-1,-1,-1,126.04728293418884,0.0,0.7974668969,-1,-1,-1,-1,-1,-1,-1,-1,-1
+pricingput_indep_tket_9,pricingput,9,-1,0.4598571129,0.24,-1,0.0,0.3753148615,0.5665218830108643,0.0160905284,0.1577060932,0.5990719795227051,0.091844659,0.1515151515,-1,-1,-1,0.9547369480133057,0.0,0.184,9.86690616607666,0.0012792571,0.1666666667,9.992011070251465,0.2081234523,0.1666666667,10.353405952453613,0.4654142351,0.1621621622,3.2647249698638916,0.0008205838,0.303030303,3.206070899963379,0.0126138442,0.2072829132,-1,-1,-1,3.331610918045044,0.0,0.3227848101,2.8837618827819824,5.34156e-05,0.1666666667,2.9940710067749023,0.1281542272,0.1666666667,3.4645278453826904,0.1247563515,0.2222222222
+graphstate_indep_tket_9,graphstate,9,-1,0.9559500778,0.5555555556,-1,0.1296427258,0.5952380952,0.06844806671142578,0.6507743795,0.4117647059,1.5241491794586182,0.6994385353,0.5882352941,-1,-1,-1,0.06153607368469238,0.0566493144,0.4615384615,7.980770826339722,0.6802269931,0.5555555556,5.5979602336883545,0.9121188378,0.5555555556,5.790976047515869,0.9559500778,0.5555555556,0.5527219772338867,0.3847165701,0.3666666667,0.5147678852081299,0.5426807765,0.6060606061,-1,-1,-1,0.6488821506500244,0.0903997485,0.5,0.36789917945861816,0.4838494481,0.5555555556,0.30684900283813477,0.865891735,0.5555555556,0.34421586990356445,0.8210874671,0.5555555556
+su2random_indep_qiskit_8,su2random,8,-1,0.6945891252,0.6547619048,-1,0.0125375231,0.6547619048,0.7511329650878906,0.0029350058,0.3555555556,0.6007943153381348,0.1069420348,0.3502109705,2.7778077125549316,3e-10,0.4907749077,0.848020076751709,0.0,0.3979057592,8.025146007537842,0.0323726165,0.6547619048,8.19439697265625,0.4346612887,0.6547619048,8.021862030029297,0.6945891252,0.6547619048,2.5446910858154297,0.0009668578,0.4833333333,2.4850192070007324,0.0280299182,0.4833333333,2.2206599712371826,0.0,0.6374269006,2.2307419776916504,0.0,0.619047619,1.9081432819366455,0.0035362611,0.6547619048,1.9191701412200928,0.3099774222,0.6547619048,2.209865093231201,0.2441536244,0.6547619048
+dj_indep_qiskit_3,dj,3,-1,0.9821462784,0.0,-1,0.1469547444,0.4821428571,0.02692890167236328,0.9190206454,0.0,0.017132997512817383,0.9502946054,0.0,0.0222930908203125,0.7396699329,0.0,0.03056812286376953,0.6629314363,0.0,0.04092836380004883,0.9057229717,0.0,3.5325260162353516,0.977764962,0.0,7.053492069244385,0.9821462784,0.0,0.10156488418579102,0.9397938458,0.0,0.07557201385498047,0.94234611,0.0,0.07181501388549805,0.6691160043,0.0,0.08639097213745117,0.6408895448,0.0,0.0760037899017334,0.8639943108,0.0,0.08816218376159668,0.970748939,0.0,0.2091820240020752,0.9626888457,0.0
+realamprandom_indep_qiskit_10,realamprandom,10,-1,0.591751641,0.7259259259,-1,0.0015628623,0.7259259259,1.1387722492218018,0.0061137031,0.5192307692,0.9300088882446289,0.0036577704,0.5397727273,-1,-1,-1,1.128844976425171,0.0,0.5362776025,10.262608766555786,0.0052995824,0.7259259259,10.341455221176147,0.2732526628,0.7259259259,34.392102003097534,0.591751641,0.7259259259,10.580547094345093,1.14036e-05,0.6026365348,4.52442193031311,0.0006634983,0.6060606061,-1,-1,-1,10.34158205986023,0.0,0.6329113924,3.0695629119873047,0.0001432318,0.7259259259,3.070186138153076,0.1574466392,0.7259259259,3.8375251293182373,0.110968898,0.7259259259
+qpeinexact_indep_qiskit_13,qpeinexact,13,-1,0.4607698925,0.5769230769,-1,1.02e-08,0.6488294314,0.6734158992767334,0.0023666009,0.3636363636,0.5199239253997803,0.0235685334,0.3395721925,-1,-1,-1,1.2785189151763916,0.0,0.4072164948,-1,-1,-1,35.358195066452026,0.1706328398,0.6034482759,64.23178219795227,0.4045517168,0.6034482759,6.380192995071411,8.766e-05,0.5859375,3.4705610275268555,0.0039677313,0.5201698514,-1,-1,-1,4.1288979053497314,0.0,0.5833333333,-1,-1,-1,2.9718151092529297,0.1355040049,0.5769230769,2.6521878242492676,0.2536193944,0.5769230769
+portfoliovqe_indep_tket_3,portfoliovqe,3,-1,0.9521320093,0.0,-1,3.6708e-06,0.2111111111,0.06840133666992188,0.7441168617,0.0,0.05462479591369629,0.7849437674,0.0,0.2305738925933838,0.1602027477,0.0,6.782214879989624,0.1756532372,0.0,2.442152976989746,0.6678634357,0.0,3.236374616622925,0.9095679677,0.0,0.36481690406799316,0.9521320093,0.0,0.28891611099243164,0.4050650143,0.0,0.18807482719421387,0.7023162072,0.0,0.18248295783996582,0.1164176408,0.0,0.2621798515319824,0.0556737218,0.0,0.17255401611328125,0.5261712797,0.0,0.1952371597290039,0.8770486325,0.0,0.35501527786254883,0.8376829166,0.0
+ae_indep_qiskit_4,ae,4,-1,0.9313951833,0.0,-1,0.0005304782,0.4,0.07109284400939941,0.8205345125,0.0,0.26354408264160156,0.8441072068,0.0,24.072592973709106,0.0685254732,0.0,0.1033170223236084,0.2332821112,0.0,0.1622757911682129,0.5563990508,0.0,3.5609350204467773,0.8765906673,0.0,3.7320261001586914,0.9313951833,0.0,0.3236668109893799,0.6543690331,0.0,0.29832005500793457,0.7678812255,0.0,0.2728688716888428,0.0913274223,0.0,0.4162020683288574,0.0118769017,0.0,0.25154805183410645,0.4754498486,0.0,0.26511287689208984,0.8540886039,0.0,0.27974796295166016,0.8850783659,0.0
+random_indep_qiskit_6,random,6,-1,0.7639393005,0.3181818182,-1,9e-10,0.4724409449,0.18386292457580566,0.2104543591,0.1794871795,0.16605687141418457,0.4847189863,0.1794871795,35.06424617767334,0.0002372373,0.3493975904,0.44872403144836426,4.192e-07,0.2535211268,5.147627592086792,0.1317600693,0.3488372093,5.346508026123047,0.6263505488,0.3488372093,8.622008085250854,0.7639393005,0.3181818182,1.2057061195373535,0.3391228933,0.1951219512,4.715375185012817,0.3206438713,0.164556962,1.185675859451294,0.0002323213,0.3092783505,1.1577961444854736,2.129e-07,0.3134328358,1.0064418315887451,0.0694615352,0.375,1.005845069885254,0.5743362662,0.375,1.1008429527282715,0.5738610841,0.4
+vqe_indep_qiskit_6,vqe,6,-1,0.9212064516,0.3,-1,0.5088601769,0.3103448276,0.06000995635986328,0.7647096551,0.3,0.048174142837524414,0.7764814469,0.3,0.07654309272766113,0.2506471259,0.3,0.10430788993835449,0.1530813582,0.3,3.800469160079956,0.6127071802,0.3,11.385719060897827,0.8943754239,0.3,3.7488512992858887,0.9212064516,0.3,0.3256251811981201,0.7862272594,0.3,0.29563093185424805,0.713508381,0.3,0.3229687213897705,0.2329381981,0.3,0.3218061923980713,0.0824166653,0.3,0.29552316665649414,0.4532937956,0.3,0.32825374603271484,0.8541581994,0.3,0.34223103523254395,0.8080457092,0.3
+twolocalrandom_indep_tket_2,twolocalrandom,2,-1,0.9752889115,0.0,-1,0.9514229989,0.0,0.04037308692932129,0.9251305142,0.0,0.02981090545654297,0.93967417,0.0,0.03235578536987305,0.7792874271,0.0,0.047544002532958984,0.3164808033,0.0,0.5587399005889893,0.8463049475,0.0,0.554236888885498,0.9641296472,0.0,0.1586592197418213,0.9752889115,0.0,0.07828617095947266,0.9160040437,0.0,0.05180525779724121,0.910781262,0.0,0.050705909729003906,0.5901801724,0.0,0.0639340877532959,0.5589780753,0.0,0.04858589172363281,0.817960852,0.0,0.062230825424194336,0.9591281878,0.0,0.16920709609985352,0.9636495995,0.0
+dj_indep_tket_13,dj,13,-1,0.9092968887,0.0,-1,0.0004773486,0.72,0.20977210998535156,0.4173302799,0.0,6.596846103668213,0.5648376866,0.0,-1,-1,-1,3.178864002227783,0.0029215982,0.0,-1,-1,-1,8.476994752883911,0.8804569391,0.0,6.5146520137786865,0.9092968887,0.0,0.8716599941253662,0.3457513116,0.0,0.8041229248046875,0.5839989711,0.1282051282,-1,-1,-1,0.8526747226715088,0.0027791126,0.0,-1,-1,-1,0.4016237258911133,0.8435612044,0.0,0.4530010223388672,0.8120932012,0.0
+qft_indep_tket_10,qft,10,-1,0.5601192703,0.6476190476,-1,0.0145489305,0.6666666667,3.0914952754974365,0.004413762,0.4047619048,3.91464900970459,0.1354117035,0.3474178404,-1,-1,-1,1.6805062294006348,0.0,0.4368421053,12.012420177459717,0.0111785912,0.6476190476,10.648754119873047,0.3420181309,0.6476190476,28.60814070701599,0.5601192703,0.6476190476,9.141835689544678,0.0026324748,0.4145299145,3.104410171508789,0.0811544835,0.4593495935,-1,-1,-1,8.836874008178711,0.0,0.5251141553,1.8460769653320312,0.0043568222,0.6222222222,1.8061251640319824,0.3130168486,0.6222222222,1.5330941677093506,0.435373438,0.6222222222
+pricingcall_indep_tket_9,pricingcall,9,-1,0.4753091414,0.1223021583,-1,4.316e-07,0.3255033557,0.5569648742675781,0.0193408644,0.1660377358,0.573692798614502,0.0976942439,0.16015625,-1,-1,-1,1.0496528148651123,0.0,0.1752136752,7.46815299987793,0.0018086468,0.1338028169,7.522279977798462,0.2259861593,0.1338028169,7.348944902420044,0.4682165203,0.1621621622,3.2010679244995117,0.0047338321,0.216066482,3.019662857055664,0.013872313,0.250755287,-1,-1,-1,3.202737808227539,0.0,0.2012987013,2.727381944656372,8.47495e-05,0.1338028169,2.741057872772217,0.141624656,0.1338028169,3.1647727489471436,0.1355602521,0.203539823
+twolocalrandom_indep_qiskit_11,twolocalrandom,11,-1,0.5342937316,0.7515151515,-1,0.000377835,0.7515151515,3.490234851837158,0.0028193009,0.5914489311,2.6733219623565674,0.0065970594,0.6224489796,-1,-1,-1,1.7790288925170898,0.0,0.5846560847,0.2646918296813965,0.0017182336,0.7515151515,32.36916995048523,0.2060086979,0.7515151515,29.284700870513916,0.5342937316,0.7515151515,17.27849507331848,8.219e-07,0.6319758673,5.5128090381622314,0.0003675788,0.5622119816,-1,-1,-1,17.54865288734436,0.0,0.6156462585,3.8996458053588867,2.08824e-05,0.7515151515,3.921006202697754,0.1050654737,0.7515151515,4.473341226577759,0.0691946512,0.7515151515
+wstate_indep_qiskit_10,wstate,10,-1,0.8788696486,0.3888888889,-1,0.0003732389,0.5454545455,0.11046195030212402,0.5487220934,0.3888888889,0.05234503746032715,0.7018218004,0.3888888889,-1,-1,-1,0.5133938789367676,0.0580268053,0.3888888889,5.019371032714844,0.4356453518,0.3888888889,5.022673845291138,0.8243403188,0.3888888889,9.041161060333252,0.8788696486,0.3888888889,0.5523178577423096,0.6728479796,0.3888888889,0.5198190212249756,0.60220081,0.3888888889,-1,-1,-1,0.5367560386657715,0.0136597942,0.3888888889,0.5074219703674316,0.2586220535,0.3888888889,0.5198309421539307,0.7612543465,0.3888888889,0.5761432647705078,0.7003099452,0.3888888889
+wstate_indep_tket_80,wstate,80,-1,0.0,0.7004570004,-1,0.0,0.589093215,68.58705306053162,0.0116552694,0.4873417722,-1,-1,-1,-1,-1,-1,5.636636972427368,0.0,0.4873417722,-1,-1,-1,-1,-1,-1,-1,-1,-1,5.028050184249878,3.93648e-05,0.7310704961,-1,-1,-1,-1,-1,-1,5.15037202835083,0.0,0.8085539715,-1,-1,-1,-1,-1,-1,-1,-1,-1
+graphstate_indep_qiskit_10,graphstate,10,-1,0.9511770162,0.4,-1,0.1239601737,0.6341463415,0.07230901718139648,0.5609693302,0.3076923077,0.04830789566040039,0.6126646171,0.5909090909,-1,-1,-1,0.11633896827697754,0.0836206214,0.4,22.590089082717896,0.6490670774,0.4,11.082105159759521,0.9022822481,0.4,5.176665782928467,0.9511770162,0.4,0.6967480182647705,0.5610159791,0.25,0.7277488708496094,0.6319117871,0.3181818182,-1,-1,-1,0.32982420921325684,0.077472131,0.4,0.31071996688842773,0.4509243825,0.4,0.3589963912963867,0.8534750095,0.4,0.35646533966064453,0.8064304258,0.4
+twolocalrandom_indep_qiskit_50,twolocalrandom,50,-1,-1,-1,-1,0.0,0.8938912429,41.382657051086426,0.0,0.8472974303,-1,-1,-1,-1,-1,-1,48.10101103782654,0.0,0.8360739542,-1,-1,-1,-1,-1,-1,-1,-1,-1,117.34267282485962,0.0,0.7503505677,-1,-1,-1,-1,-1,-1,121.30288982391357,0.0,0.7974668969,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qftentangled_indep_tket_12,qftentangled,12,-1,0.5123412512,0.6923076923,-1,3.9968e-06,0.7307692308,0.4916341304779053,0.0005267832,0.4896755162,0.46651530265808105,0.04385855,0.5088235294,-1,-1,-1,2.697525978088379,0.0,0.4668874172,-1,-1,-1,49.366549015045166,0.193420913,0.7080745342,32.41479516029358,0.4102741895,0.7080745342,13.61817216873169,0.0022619917,0.5331491713,3.582535982131958,0.0205285081,0.5376044568,-1,-1,-1,14.89279818534851,0.0,0.6448275862,-1,-1,-1,3.0165700912475586,0.1562034236,0.6923076923,2.6520237922668457,0.2458747337,0.7012987013
+ae_indep_tket_10,ae,10,-1,0.6190864338,0.4666666667,-1,9.6151e-06,0.5392491468,0.30681419372558594,0.0278039184,0.2331288344,0.3027069568634033,0.2210213432,0.298013245,-1,-1,-1,0.5593760013580322,2e-10,0.2818791946,10.32600712776184,0.0197611342,0.4666666667,10.31207823753357,0.3917805691,0.4666666667,10.670211791992188,0.6190864338,0.4666666667,8.971994876861572,0.0011940623,0.4444444444,2.9578311443328857,0.1360926794,0.4131455399,-1,-1,-1,8.75777292251587,0.0,0.4010416667,1.6619479656219482,0.0044842327,0.4666666667,1.6703498363494873,0.3143974339,0.4666666667,1.5113768577575684,0.4432851077,0.4666666667
+qaoa_indep_tket_14,qaoa,14,-1,0.8571337748,0.7857142857,-1,0.6863169,0.7857142857,0.2561020851135254,0.2004837218,0.7093023256,0.183135986328125,0.3414047765,0.7093023256,-1,-1,-1,0.24154210090637207,1.212e-06,0.661971831,-1,-1,-1,6.906558036804199,0.7548797911,0.7857142857,6.909375905990601,0.8571337748,0.7857142857,1.4260668754577637,0.0422511258,0.6206896552,1.4096691608428955,0.2948421928,0.7282608696,-1,-1,-1,1.4835238456726074,6.897e-07,0.6901408451,-1,-1,-1,1.1306421756744385,0.4793961019,0.7857142857,1.0022902488708496,0.5860492769,0.7857142857
+wstate_indep_qiskit_50,wstate,50,-1,0.0001687374,0.3710843373,-1,0.0,0.627439385,40.23430395126343,0.0637073164,0.4795918367,-1,-1,-1,-1,-1,-1,56.03495979309082,5.1e-09,0.4795918367,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.004739999771118,0.0397429748,0.4795918367,-1,-1,-1,-1,-1,-1,3.028102159500122,0.0,0.4795918367,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qft_indep_tket_50,qft,50,-1,0.0,0.7244145011,-1,0.0,0.8275,15.148566007614136,0.0,0.8007697947,-1,-1,-1,-1,-1,-1,21.207386255264282,0.0,0.7552486188,-1,-1,-1,-1,-1,-1,-1,-1,-1,45.009769916534424,0.0,0.8479105173,-1,-1,-1,-1,-1,-1,48.7843382358551,0.0,0.7246239328,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qftentangled_indep_tket_13,qftentangled,13,-1,0.3602093705,0.7258064516,-1,1.3e-09,0.7641723356,0.6953480243682861,0.0003430004,0.6616915423,1.3508141040802002,0.0155290945,0.4964705882,-1,-1,-1,1.0898408889770508,0.0,0.4653739612,-1,-1,-1,35.98827314376831,0.1502348679,0.7258064516,35.94287633895874,0.3602093705,0.7258064516,9.190807819366455,0.0004417916,0.7121212121,3.857234001159668,0.009368735,0.4423480084,-1,-1,-1,4.672807216644287,0.0,0.6752873563,-1,-1,-1,3.4992752075195312,0.113622003,0.7142857143,3.086906909942627,0.1941565924,0.7222222222
+ae_indep_tket_11,ae,11,-1,0.5584321934,0.5090909091,-1,5.45306e-05,0.5801354402,0.3669896125793457,0.0638439767,0.3265306122,0.3511629104614258,0.1169157965,0.3103448276,-1,-1,-1,0.9257171154022217,0.0,0.3777777778,0.23841190338134766,0.0080252513,0.5090909091,28.955737829208374,0.3188261729,0.5090909091,29.121330976486206,0.5584321934,0.5090909091,15.213534355163574,0.0020147916,0.4576923077,2.9481210708618164,0.0635634621,0.5263157895,-1,-1,-1,20.641377210617065,0.0,0.5076923077,2.022601842880249,0.0013903305,0.5090909091,2.0313432216644287,0.2442501116,0.5090909091,1.8197650909423828,0.3705889537,0.5090909091
+graphstate_indep_qiskit_11,graphstate,11,-1,0.9464277865,0.5454545455,-1,3.73369e-05,0.6901408451,0.07468533515930176,0.5157468238,0.6296296296,0.20084905624389648,0.6089265617,0.5172413793,-1,-1,-1,0.08668804168701172,0.0132880625,0.4,0.03241300582885742,0.6193345387,0.5454545455,5.532620906829834,0.8925517394,0.5454545455,5.852312088012695,0.9464277865,0.5454545455,0.6239182949066162,0.3086552582,0.4772727273,0.5779800415039062,0.4872211204,0.4905660377,-1,-1,-1,0.6533560752868652,0.0005738541,0.4375,0.35102415084838867,0.420239807,0.5454545455,0.3637270927429199,0.8412363375,0.5454545455,0.39937305450439453,0.792035024,0.5454545455
+qaoa_indep_tket_3,qaoa,3,-1,0.9675051229,0.0,-1,0.1135797999,0.3928571429,0.04992198944091797,0.7565110436,0.0,0.03933382034301758,0.8007782823,0.0,0.1880042552947998,0.1717063135,0.0,0.07291793823242188,0.1656170835,0.0,0.03361105918884277,0.7788801729,0.0,0.18736672401428223,0.9415230505,0.0,0.36321496963500977,0.9675051229,0.0,0.3043184280395508,0.4499379388,0.0,0.19669675827026367,0.7256685778,0.0,0.19603395462036133,0.13578557,0.0,0.28777599334716797,0.0862930629,0.0,0.18518900871276855,0.4804595438,0.0,0.19673585891723633,0.8554565133,0.0,0.17615938186645508,0.8886275479,0.0
+wstate_indep_qiskit_11,wstate,11,-1,0.8666399179,0.4,-1,0.0389424346,0.5620437956,0.14042210578918457,0.4154334798,0.4,0.05935478210449219,0.6838542936,0.4,-1,-1,-1,0.5574250221252441,0.0504589599,0.4,0.055326223373413086,0.3976880588,0.4,10.564588069915771,0.8069790681,0.4,5.459282875061035,0.8666399179,0.4,0.613940954208374,0.6286270853,0.4,0.5813400745391846,0.5841481126,0.4,-1,-1,-1,0.600722074508667,0.0080473286,0.4,0.569267988204956,0.222863225,0.4,0.5781891345977783,0.7386912544,0.4,0.6433680057525635,0.6735063922,0.4
+qft_indep_tket_11,qft,11,-1,0.5917961427,0.6545454545,-1,2.87942e-05,0.7023593466,0.3660898208618164,0.0296154115,0.449122807,0.36579394340515137,0.0331503194,0.4048582996,-1,-1,-1,0.8784880638122559,0.0,0.378600823,0.3978152275085449,0.0048344438,0.672,29.80066204071045,0.2795577141,0.672,29.99332308769226,0.5052422661,0.672,15.476292848587036,0.0003056315,0.5134328358,3.0941109657287598,0.0663589196,0.6579925651,-1,-1,-1,15.491342067718506,0.0,0.5139442231,2.180979013442993,0.0013090114,0.6545454545,2.2172911167144775,0.2420128701,0.6545454545,1.8593311309814453,0.3643390905,0.6545454545
+twolocalrandom_indep_qiskit_10,twolocalrandom,10,-1,0.591751641,0.7259259259,-1,0.0015628623,0.7259259259,0.9884190559387207,0.0061137031,0.5192307692,0.935711145401001,0.0036577704,0.5397727273,-1,-1,-1,1.1232619285583496,0.0,0.5362776025,10.230254888534546,0.0052995824,0.7259259259,10.240660905838013,0.2732526628,0.7259259259,10.608492851257324,0.591751641,0.7259259259,10.554343938827515,1.14036e-05,0.6026365348,4.490837097167969,0.0006634983,0.6060606061,-1,-1,-1,10.344035863876343,0.0,0.6329113924,3.054234266281128,0.0001432318,0.7259259259,3.0572290420532227,0.1574466392,0.7259259259,3.5290019512176514,0.110968898,0.7259259259
+ae_indep_tket_50,ae,50,-1,0.0,0.6803278689,-1,0.0,0.8321930682,11.62087082862854,0.0,0.75944334,-1,-1,-1,-1,-1,-1,20.081507921218872,0.0,0.7554283458,-1,-1,-1,-1,-1,-1,-1,-1,-1,46.838890075683594,0.0,0.709103124,-1,-1,-1,-1,-1,-1,48.602293968200684,0.0,0.7664583636,-1,-1,-1,-1,-1,-1,-1,-1,-1
+dj_indep_tket_12,dj,12,-1,0.9166068651,0.0,-1,0.0010552097,0.4777777778,0.08235883712768555,0.4444434944,0.1428571429,0.07190394401550293,0.5902743481,0.0384615385,-1,-1,-1,0.13507676124572754,0.0075255247,0.037037037,-1,-1,-1,6.192078113555908,0.8896995693,0.0,6.23476505279541,0.9166068651,0.0,0.7754597663879395,0.4652895931,0.1142857143,0.6871800422668457,0.640413132,0.0857142857,-1,-1,-1,0.8036460876464844,0.0001746721,0.125,-1,-1,-1,0.3560059070587158,0.8558336996,0.0,0.40282106399536133,0.8268531646,0.0
+qpeexact_indep_tket_60,qpeexact,60,-1,0.0,0.6877507671,-1,0.0,0.8410217719,24.66176414489746,0.0,0.7624436875,-1,-1,-1,-1,-1,-1,31.10524296760559,0.0,0.7833462833,-1,-1,-1,-1,-1,-1,-1,-1,-1,62.66841769218445,0.0,0.731057102,-1,-1,-1,-1,-1,-1,67.41553115844727,0.0,0.7225421422,-1,-1,-1,-1,-1,-1,-1,-1,-1
+graphstate_indep_qiskit_50,graphstate,50,-1,6.3426e-06,0.8162327718,-1,0.0,0.8542168675,0.37826085090637207,0.0129602497,0.8352941176,-1,-1,-1,-1,-1,-1,1.7917001247406006,0.0,0.7785714286,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.5289769172668457,0.0024966111,0.7657992565,-1,-1,-1,-1,-1,-1,4.595571279525757,0.0,0.7330508475,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ae_indep_qiskit_5,ae,5,-1,0.8921533908,0.1,-1,0.0085628762,0.4090909091,0.08249592781066895,0.2758228071,0.0,0.07681512832641602,0.7033758059,0.0,0.45713019371032715,0.0368288226,0.0588235294,0.11681103706359863,0.0139637135,0.0,1.042872667312622,0.3956093025,0.1,4.543878793716431,0.8079482182,0.1,4.522330045700073,0.8921533908,0.1,0.5734059810638428,0.3241459411,0.0571428571,0.522064208984375,0.6637619226,0.0571428571,0.41055893898010254,0.0134976254,0.2272727273,0.459399938583374,0.0001037775,0.1428571429,0.3830430507659912,0.2934481176,0.1,0.3920321464538574,0.7703835037,0.1,0.399151086807251,0.823553187,0.1
+vqe_indep_qiskit_7,vqe,7,-1,0.902047923,0.3333333333,-1,0.3360322637,0.3888888889,0.0710608959197998,0.6041227665,0.3333333333,0.0616917610168457,0.756510354,0.3333333333,0.0872492790222168,0.1850478958,0.3333333333,0.1335008144378662,0.0418130734,0.3333333333,3.9300990104675293,0.5549429681,0.3333333333,3.966778039932251,0.8744889524,0.3333333333,4.004077196121216,0.902047923,0.3333333333,0.39595603942871094,0.7620116242,0.3333333333,0.36444091796875,0.6715796946,0.3333333333,0.40189695358276367,0.1989709168,0.3333333333,0.3923158645629883,0.0366932461,0.3333333333,0.3596937656402588,0.3875596423,0.3333333333,0.37426090240478516,0.8278472845,0.3333333333,0.41199302673339844,0.774789669,0.3333333333
+random_indep_qiskit_7,random,7,-1,0.6925511868,0.4761904762,-1,0.0268688761,0.5,0.2740821838378906,0.0899625804,0.2919708029,0.3991110324859619,0.1636273172,0.2919708029,1.3297159671783447,3.57149e-05,0.4308943089,0.44827890396118164,1.5546e-06,0.3551401869,6.441286087036133,0.0614136887,0.4745762712,6.3558478355407715,0.526380162,0.4745762712,6.442753076553345,0.6884062541,0.4920634921,1.7205240726470947,0.146548417,0.2792207792,1.6293859481811523,0.2272371241,0.3311688312,1.740823745727539,6.2465e-06,0.4569536424,1.7328259944915771,0.0,0.2956521739,1.4012892246246338,0.0201069005,0.4482758621,1.418154001235962,0.4448026698,0.4482758621,1.5632929801940918,0.439751214,0.4222222222
+twolocalrandom_indep_tket_3,twolocalrandom,3,-1,0.9464334802,0.0,-1,5.77e-08,0.4302325581,0.06181001663208008,0.7629416391,0.0,0.050273895263671875,0.8014665616,0.0,1.0426230430603027,0.1594508636,0.0,0.10056495666503906,0.1756818081,0.0,0.04087090492248535,0.6678634357,0.0,0.19480323791503906,0.9095679677,0.0,0.37754392623901367,0.9464334802,0.0,0.2767219543457031,0.4050650143,0.0,0.17192602157592773,0.7023162072,0.0,0.17811298370361328,0.1148893894,0.0,0.263746976852417,0.0556737218,0.0,0.16081690788269043,0.5152558328,0.0,0.1713728904724121,0.8742460029,0.0,0.20752692222595215,0.8376829166,0.0
+su2random_indep_qiskit_9,su2random,9,-1,0.6372775422,0.6944444444,-1,0.0038509726,0.6944444444,0.8139011859893799,0.0002892186,0.4164133739,0.862030029296875,0.0414087558,0.5410447761,-1,-1,-1,1.0632848739624023,0.0,0.5098039216,8.862741947174072,0.0127875442,0.6944444444,8.90592622756958,0.3452757758,0.6944444444,9.030351161956787,0.6372775422,0.6944444444,3.123366355895996,0.0002410996,0.4909560724,2.958130121231079,0.0019218469,0.5422535211,-1,-1,-1,3.083407163619995,0.0,0.5039370079,2.553410053253174,0.0007428292,0.6944444444,2.563433885574341,0.2235995088,0.6944444444,2.9583358764648438,0.1670905392,0.6944444444
+dj_indep_qiskit_2,dj,2,-1,0.9890518602,0.0,-1,0.9785035264,0.0,0.023692846298217773,0.9721261694,0.0,0.01328587532043457,0.9581333748,0.0,0.01764202117919922,0.9019801591,0.0,0.027760028839111328,0.6726086056,0.0,0.01254892349243164,0.9492042272,0.0,0.021146774291992188,0.9884244567,0.0,0.026957988739013672,0.9890518602,0.0,0.054676055908203125,0.9449645073,0.0,0.029201984405517578,0.9664346083,0.0,0.026793956756591797,0.811754325,0.0,0.04132199287414551,0.8163689988,0.0,0.02898406982421875,0.9270804301,0.0,0.04192304611206055,0.9848718166,0.0,0.05713200569152832,0.9801859164,0.0
+realamprandom_indep_qiskit_11,realamprandom,11,-1,0.5342937316,0.7515151515,-1,0.000377835,0.7515151515,1.7404570579528809,0.0028193009,0.5914489311,1.3343570232391357,0.0065970594,0.6224489796,-1,-1,-1,1.7878551483154297,0.0,0.5846560847,0.26687002182006836,0.0017182336,0.7515151515,29.84518599510193,0.2060086979,0.7515151515,29.92831802368164,0.5342937316,0.7515151515,17.325016021728516,8.219e-07,0.6319758673,5.445150136947632,0.0003675788,0.5622119816,-1,-1,-1,17.59452176094055,0.0,0.6156462585,3.9233789443969727,2.08824e-05,0.7515151515,3.913421154022217,0.1050654737,0.7515151515,4.463495969772339,0.0691946512,0.7515151515
+qpeinexact_indep_qiskit_12,qpeinexact,12,-1,0.5133844595,0.5454545455,-1,3.588e-07,0.6266094421,0.45659708976745605,0.01353031,0.3096774194,0.4357261657714844,0.03103615,0.4076433121,-1,-1,-1,1.0173671245574951,0.0,0.2892857143,-1,-1,-1,32.43563508987427,0.22431888,0.5714285714,32.59877586364746,0.4649502195,0.5714285714,15.088585376739502,0.0005952118,0.4498644986,3.1737217903137207,0.0170691817,0.4661654135,-1,-1,-1,13.258496046066284,0.0,0.5512820513,-1,-1,-1,2.5449578762054443,0.1835412565,0.5454545455,2.25292706489563,0.3104341681,0.5454545455
+graphstate_indep_tket_8,graphstate,8,-1,0.9607470909,0.5,-1,0.1976332392,0.6176470588,0.06517815589904785,0.6096982546,0.5625,0.03884482383728027,0.6667155187,0.4117647059,0.26427507400512695,0.1145486671,0.5,0.05494093894958496,0.0304724369,0.4166666667,4.548597097396851,0.7054496648,0.5,4.600159168243408,0.9205882497,0.5,4.620024919509888,0.9607470909,0.5,0.4734010696411133,0.4859322893,0.2413793103,0.3326897621154785,0.6479539932,0.3076923077,0.3020050525665283,0.1162020795,0.35,0.45095086097717285,0.0345237637,0.5,0.237565279006958,0.5329629985,0.5,0.25162291526794434,0.8820108039,0.5,0.2800278663635254,0.8444171774,0.5
+dj_indep_qiskit_50,dj,50,-1,0.0055222548,0.1063829787,-1,0.0,0.3846153846,0.5814521312713623,0.0080230884,0.1724137931,-1,-1,-1,-1,-1,-1,0.8079409599304199,0.0,0.2068965517,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.1674020290374756,1.89516e-05,0.7054140127,-1,-1,-1,-1,-1,-1,3.0969817638397217,0.0,0.4285714286,-1,-1,-1,-1,-1,-1,-1,-1,-1
+portfoliovqe_indep_qiskit_5,portfoliovqe,5,-1,0.8894528509,0.4333333333,-1,8.35853e-05,0.3902439024,0.16290998458862305,0.4363186571,0.1184210526,0.13629388809204102,0.2027144005,0.1184210526,0.9818389415740967,0.0019434619,0.2888888889,0.23495912551879883,3.21e-08,0.2089552239,1.1202208995819092,0.3028669099,0.4333333333,4.8649001121521,0.7461112495,0.4333333333,4.782823085784912,0.8894528509,0.4333333333,0.9695889949798584,0.1233263237,0.2528735632,0.9060013294219971,0.4776271702,0.2666666667,1.653336763381958,4.7558e-05,0.4035087719,0.828139066696167,5.8e-09,0.2345679012,0.759070873260498,0.1306005206,0.4333333333,0.7758679389953613,0.6561891136,0.4333333333,0.8358941078186035,0.5901645301,0.4333333333
+qaoa_indep_qiskit_13,qaoa,13,-1,0.8666242768,0.7692307692,-1,0.7050201032,0.7692307692,0.14487409591674805,0.2333788131,0.7164179104,0.11425995826721191,0.4518387569,0.7272727273,-1,-1,-1,0.2014448642730713,0.0001389237,0.7272727273,-1,-1,-1,6.3309690952301025,0.7701952101,0.7692307692,6.2963950634002686,0.8666242768,0.7692307692,1.4183237552642822,0.2024831654,0.7164179104,1.5711019039154053,0.3355806158,0.6428571429,-1,-1,-1,1.4338529109954834,1.08e-08,0.7073170732,-1,-1,-1,0.9761769771575928,0.5060831365,0.7692307692,0.8889868259429932,0.6112040758,0.7692307692
+wstate_indep_tket_15,wstate,15,-1,0.8193992813,0.4285714286,-1,0.0002069246,0.5737704918,0.330826997756958,0.325017072,0.4285714286,0.0791318416595459,0.4480187557,0.4285714286,-1,-1,-1,3.5100231170654297,0.0032181803,0.4285714286,-1,-1,-1,7.320000886917114,0.7411142808,0.4285714286,10.002775192260742,0.8193992813,0.4285714286,0.8681697845458984,0.3936307084,0.4285714286,0.9214787483215332,0.5128721108,0.4285714286,-1,-1,-1,0.9525880813598633,0.001736341,0.4285714286,-1,-1,-1,0.8262312412261963,0.6549311476,0.4285714286,0.908261775970459,0.5761657448,0.4285714286
+realamprandom_indep_tket_9,realamprandom,9,-1,0.6495077505,0.6944444444,-1,0.0056162499,0.6944444444,0.8136892318725586,0.0002894418,0.4164133739,0.9786460399627686,0.0414594559,0.5410447761,-1,-1,-1,0.8970978260040283,0.0,0.5098039216,12.631486892700195,0.0148475478,0.6944444444,9.740275144577026,0.3532401047,0.6944444444,16.078988790512085,0.6495077505,0.6944444444,3.310211658477783,0.0002424848,0.4909560724,2.958256721496582,0.0019301074,0.5422535211,-1,-1,-1,3.0763399600982666,0.0,0.5039370079,2.512442111968994,0.0008056897,0.6944444444,2.5250821113586426,0.226389966,0.6944444444,2.920815944671631,0.1691087198,0.6944444444
+qpeexact_indep_qiskit_8,qpeexact,8,-1,0.7079596798,0.4,-1,0.0021559879,0.4978540773,0.18494510650634766,0.1395531665,0.2123893805,0.17148709297180176,0.3352460615,0.2123893805,4.028016090393066,0.0001687205,0.3524590164,1.3751721382141113,2.657e-07,0.1025641026,10.232635259628296,0.0637967667,0.40625,14.771837949752808,0.5189550072,0.40625,21.317283868789673,0.7079596798,0.4,1.6766550540924072,0.2290940619,0.3307692308,1.3939340114593506,0.1844883679,0.3385826772,1.4692237377166748,4.31426e-05,0.3307692308,1.4757671356201172,2.39e-08,0.2741935484,1.1148490905761719,0.0351983589,0.3636363636,1.1297407150268555,0.4898857756,0.3636363636,1.0239810943603516,0.5996915166,0.3571428571
+dj_indep_tket_8,dj,8,-1,0.9445472421,0.0,-1,0.2099607148,0.4426229508,0.09038019180297852,0.6408504469,0.0,0.07083415985107422,0.6785624171,0.0,0.2107241153717041,0.119369024,0.0,0.09239482879638672,0.0689270557,0.0,4.427296161651611,0.7239792016,0.0,19.916125059127808,0.9276505774,0.0,4.619303941726685,0.9445472421,0.0,0.5732088088989258,0.527832462,0.0,0.4473438262939453,0.6198947374,0.2272727273,0.442471981048584,0.0768621491,0.04,0.5388526916503906,0.140734467,0.0,0.22310400009155273,0.6170301638,0.0,0.23480010032653809,0.905285395,0.0,0.26688385009765625,0.8850757036,0.0
+qpeinexact_indep_tket_15,qpeinexact,15,-1,0.3663619431,0.6285714286,-1,1e-10,0.6739659367,0.8361420631408691,0.0012811201,0.440227704,1.3599169254302979,0.0012172276,0.4990654206,-1,-1,-1,5.107403039932251,0.0,0.4613821138,-1,-1,-1,41.56024885177612,0.0959547966,0.6493506494,58.37909197807312,0.3029184201,0.6493506494,11.569287061691284,1.04959e-05,0.5346215781,5.315255165100098,0.0021409471,0.4746376812,-1,-1,-1,5.598572015762329,0.0,0.5166666667,-1,-1,-1,3.8598761558532715,0.0680786703,0.6285714286,3.3182671070098877,0.1568850418,0.6285714286
+dj_indep_tket_28,dj,28,-1,0.8144976103,0.0,-1,0.0021544893,0.4421768707,0.3175790309906006,0.1184568011,0.049382716,-1,-1,-1,-1,-1,-1,0.4451920986175537,4.542e-06,0.0147058824,-1,-1,-1,-1,-1,-1,10.942296266555786,0.8144976103,0.0,1.7310218811035156,0.0099235305,0.5601851852,-1,-1,-1,-1,-1,-1,1.774454116821289,0.0,0.3402777778,-1,-1,-1,-1,-1,-1,0.959404706954956,0.6298255702,0.0
+routing_indep_qiskit_2,routing,2,-1,0.973339309,0.0,-1,0.9508293848,0.0,0.034562110900878906,0.9251305142,0.0,0.02263188362121582,0.93967417,0.0,4.258386135101318,0.7792874271,0.0,0.09516787528991699,0.3164808033,0.0,0.023183822631835938,0.8463049475,0.0,0.032440900802612305,0.9641296472,0.0,0.031017065048217773,0.973339309,0.0,0.08109593391418457,0.9160040437,0.0,0.052825927734375,0.910781262,0.0,0.05141592025756836,0.5897068449,0.0,0.0642080307006836,0.5589780753,0.0,0.04865097999572754,0.817960852,0.0,0.060233116149902344,0.9591281878,0.0,0.08100581169128418,0.9636495995,0.0
+qft_indep_qiskit_6,qft,6,-1,0.7967368037,0.4615384615,-1,0.1361749733,0.4615384615,0.10301613807678223,0.3121793201,0.2258064516,0.09366893768310547,0.5235761601,0.2258064516,25.755128860473633,0.0047629145,0.2162162162,0.2339038848876953,0.0004499576,0.3272727273,5.368006944656372,0.1811933802,0.4615384615,6.9770708084106445,0.6673307522,0.4615384615,7.0729289054870605,0.7967368037,0.4615384615,0.8333609104156494,0.4185765782,0.2456140351,0.6405010223388672,0.3683093473,0.196969697,0.6589691638946533,0.0023608361,0.2727272727,0.8835349082946777,2.475e-07,0.2549019608,0.6437029838562012,0.1585473415,0.4,0.6465890407562256,0.6759066345,0.4,0.5648839473724365,0.743643728,0.4
+realamprandom_indep_qiskit_50,realamprandom,50,-1,-1,-1,-1,0.0,0.886108044,39.7647271156311,0.0,0.8472974303,-1,-1,-1,-1,-1,-1,48.608901023864746,0.0,0.8360739542,-1,-1,-1,-1,-1,-1,-1,-1,-1,119.77069807052612,0.0,0.7503505677,-1,-1,-1,-1,-1,-1,121.80730700492859,0.0,0.7974668969,-1,-1,-1,-1,-1,-1,-1,-1,-1
+dj_indep_qiskit_11,dj,11,-1,0.9239756075,0.0,-1,0.0172063251,0.4805194805,0.1270771026611328,0.5582713447,0.0416666667,0.05624222755432129,0.6112126247,0.0,-1,-1,-1,0.11990809440612793,0.0008020077,0.0434782609,0.03616905212402344,0.6322797941,0.0,5.838064908981323,0.8986796086,0.0,5.770761013031006,0.9239756075,0.0,0.7043910026550293,0.3966746869,0.0,0.6287622451782227,0.6532029252,0.0882352941,-1,-1,-1,0.6819756031036377,0.0002367093,0.1290322581,0.32798194885253906,0.5020683658,0.0,0.3386261463165283,0.8675902515,0.0,0.3831508159637451,0.8401984725,0.0
+graphstate_indep_tket_25,graphstate,25,-1,0.8823753539,0.8,-1,0.0001065775,0.8005540166,0.22072076797485352,0.1052785025,0.6914893617,0.11140918731689453,0.2620912519,0.775862069,-1,-1,-1,5.123508930206299,7.04477e-05,0.6981132075,-1,-1,-1,0.06845498085021973,0.7723866784,0.8,10.042682886123657,0.8823753539,0.8,1.7106642723083496,0.155772558,0.5961538462,2.013576030731201,0.0894067779,0.5521472393,-1,-1,-1,1.7713048458099365,4.24e-08,0.5409836066,-1,-1,-1,0.7978959083557129,0.6749633116,0.8,0.8706362247467041,0.588404656,0.8
+dj_indep_tket_90,dj,90,-1,5.83214e-05,0.2434607646,-1,0.0,0.4655568312,1.4174818992614746,0.0001309134,0.2912621359,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,6.188244104385376,0.0,0.730558598,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qft_indep_tket_5,qft,5,-1,0.8571389314,0.3461538462,-1,0.0249825829,0.502994012,0.0818929672241211,0.2235351219,0.1621621622,1.097163200378418,0.6977721389,0.2380952381,0.5466320514678955,0.0095684003,0.22,0.13639402389526367,0.0046324367,0.1842105263,1.9603219032287598,0.315485493,0.3461538462,4.431833744049072,0.7619202122,0.3461538462,4.58465313911438,0.8571389314,0.3461538462,0.6055927276611328,0.3118028662,0.1428571429,0.557318925857544,0.7318409102,0.125,0.46144580841064453,0.0130335095,0.2045454545,0.5095479488372803,6.558e-05,0.2571428571,0.43320608139038086,0.2873605232,0.3,0.4456520080566406,0.767921725,0.3,0.40137505531311035,0.8153546164,0.3
+wstate_indep_qiskit_6,wstate,6,-1,0.9295389164,0.3,-1,0.1285621854,0.3846153846,0.20799803733825684,0.7854060373,0.3,0.03406381607055664,0.7791675508,0.3,0.0769662857055664,0.2525370366,0.3,0.08663296699523926,0.1559166132,0.3,3.8074729442596436,0.6273287911,0.3,3.8602569103240967,0.8976016244,0.3,3.8843657970428467,0.9295389164,0.3,0.3150289058685303,0.788440806,0.3,0.287506103515625,0.7160607949,0.3,0.28591179847717285,0.2277351578,0.3,0.29906630516052246,0.0838706631,0.3,0.27730417251586914,0.4690013966,0.3,0.2889139652252197,0.8586122835,0.3,0.3233480453491211,0.8186242047,0.3
+qftentangled_indep_qiskit_30,qftentangled,30,-1,0.0,0.6434151786,-1,0.0076789444,0.873940678,4.345346927642822,0.0,0.7752659574,-1,-1,-1,-1,-1,-1,7.0928261280059814,0.0,0.7952538631,-1,-1,-1,-1,-1,-1,93.33109211921692,0.0076789444,0.873940678,18.835965871810913,0.0,0.7463863338,-1,-1,-1,-1,-1,-1,19.960041999816895,0.0,0.8385036496,-1,-1,-1,-1,-1,-1,15.299785852432251,0.0002693482,0.8728448276
+qft_indep_qiskit_16,qft,16,-1,0.3255358131,0.7583333333,-1,0.2445102407,0.7689393939,0.9023940563201904,1.37182e-05,0.5944540728,1.974086046218872,0.0035138081,0.5721925134,-1,-1,-1,5.359977960586548,0.0,0.5559566787,-1,-1,-1,44.948590993881226,0.0686942972,0.7689393939,67.57089400291443,0.2445102407,0.7689393939,11.957988977432251,2.57e-08,0.59972106,5.01204514503479,0.0005630552,0.5593220339,-1,-1,-1,5.459630250930786,0.0,0.6076388889,-1,-1,-1,4.70881199836731,0.0461808101,0.7583333333,3.9282689094543457,0.11608441,0.7583333333
+qnn_indep_qiskit_5,qnn,5,-1,0.7991197836,0.3636363636,-1,1.5985e-06,0.4791666667,0.14524006843566895,0.4701126783,0.1408450704,0.380357027053833,0.4839035882,0.1408450704,4.461021900177002,0.0029985081,0.2409638554,0.712982177734375,1.19e-08,0.2191780822,1.2857601642608643,0.158702507,0.3720930233,4.968497037887573,0.6443975685,0.3720930233,4.881315231323242,0.7991197836,0.3636363636,1.0319159030914307,0.2203782046,0.1818181818,0.9201691150665283,0.4001393239,0.1818181818,0.9124999046325684,8.89878e-05,0.359223301,0.8991560935974121,1.898e-07,0.2025316456,0.7704060077667236,0.0723061857,0.3720930233,0.7838799953460693,0.5715156526,0.3720930233,0.923450231552124,0.650322207,0.3333333333
+wstate_indep_tket_23,wstate,23,-1,0.7325029164,0.4545454545,-1,8.58764e-05,0.5623342175,2.1791799068450928,0.2151287869,0.4545454545,0.37340688705444336,0.2795365755,0.3050847458,-1,-1,-1,10.468235969543457,5.30429e-05,0.4545454545,-1,-1,-1,9.588814735412598,0.6250733829,0.4545454545,9.211106777191162,0.7325029164,0.4545454545,1.3441498279571533,0.2175020051,0.4545454545,2.3143458366394043,0.1514378134,0.4159292035,-1,-1,-1,1.3281259536743164,5.15e-08,0.4545454545,-1,-1,-1,1.2822389602661133,0.5148266516,0.4545454545,1.4430031776428223,0.4216565576,0.4545454545
+su2random_indep_tket_2,su2random,2,-1,0.9723659696,0.0,-1,0.9363309001,0.0,0.043457984924316406,0.9243693585,0.0,0.03344368934631348,0.9390531224,0.0,0.033940792083740234,0.7757092761,0.0,0.03194022178649902,0.3153214239,0.0,0.02295517921447754,0.8374806253,0.0,0.03090381622314453,0.9625879651,0.0,0.027846813201904297,0.9723659696,0.0,0.07805895805358887,0.9155385386,0.0,0.05379295349121094,0.9105576282,0.0,0.052561283111572266,0.5699657914,0.0,0.06497716903686523,0.5574869934,0.0,0.05061817169189453,0.8030938944,0.0,0.06473302841186523,0.9564458494,0.0,0.08079910278320312,0.961723264,0.0
+qftentangled_indep_qiskit_7,qftentangled,7,-1,0.718681808,0.5263157895,-1,0.0131208232,0.5306122449,0.16410589218139648,0.0675418068,0.3684210526,0.14078688621520996,0.3819485133,0.3333333333,1.1241722106933594,4.83655e-05,0.4210526316,0.3111691474914551,0.0,0.2916666667,7.840548753738403,0.0847231631,0.5263157895,6.8741981983184814,0.5560822071,0.5263157895,9.620162963867188,0.718681808,0.5263157895,1.359071969985962,0.336785112,0.325203252,1.2790770530700684,0.2460478139,0.3513513514,1.3053779602050781,0.0001499415,0.4054054054,1.4104578495025635,4e-10,0.2365591398,1.071976900100708,0.0515030486,0.5,1.08331298828125,0.5327616633,0.5,0.993596076965332,0.5972981429,0.5185185185
+qpeexact_indep_tket_2,qpeexact,2,-1,0.9870717764,0.0,-1,0.9731398825,0.0,0.025705814361572266,0.9717261763,0.0,0.015780210494995117,0.9763339593,0.0,0.0198819637298584,0.9031130253,0.0,0.02860093116760254,0.6437459071,0.0,0.014920949935913086,0.9492042272,0.0,0.023182153701782227,0.9884244567,0.0,0.0276491641998291,0.9870717764,0.0,0.05720186233520508,0.9803381684,0.0,0.031430959701538086,0.9541361859,0.0,0.029148101806640625,0.7803463727,0.0,0.044734954833984375,0.7995528091,0.0,0.03158712387084961,0.9174138715,0.0,0.04490303993225098,0.9832969669,0.0,0.049848079681396484,0.9762710499,0.0
+qftentangled_indep_tket_7,qftentangled,7,-1,0.718681808,0.5263157895,-1,2.1201e-06,0.5348837209,0.16204476356506348,0.0675418068,0.3684210526,0.14373087882995605,0.3819485133,0.3333333333,1.621062994003296,4.82058e-05,0.4210526316,0.31071019172668457,0.0,0.2916666667,6.485971212387085,0.0847231631,0.5263157895,6.473883867263794,0.5560822071,0.5263157895,6.51059889793396,0.718681808,0.5263157895,1.3470900058746338,0.336785112,0.325203252,1.2819719314575195,0.2460478139,0.3513513514,1.2969369888305664,0.0001499415,0.4054054054,1.40488600730896,4e-10,0.2365591398,1.066985845565796,0.0515030486,0.5,1.0813839435577393,0.5327616633,0.5,0.9837141036987305,0.5972981429,0.5185185185
+qftentangled_indep_qiskit_10,qftentangled,10,-1,0.5269428777,0.6578947368,-1,0.0001237193,0.6455696203,0.34206509590148926,0.003747606,0.3761061947,0.4216279983520508,0.0872276209,0.4233870968,-1,-1,-1,0.6344308853149414,0.0,0.3849765258,10.639816999435425,0.0075246937,0.6578947368,21.140341997146606,0.3114623416,0.6578947368,10.687345027923584,0.5269428777,0.6578947368,9.475258111953735,0.002139567,0.4082397004,3.3922290802001953,0.0305122855,0.4750957854,-1,-1,-1,9.148578882217407,0.0,0.5657894737,2.09969162940979,0.0023287622,0.6363636364,2.109673023223877,0.2751907968,0.6363636364,1.876749038696289,0.3694794097,0.6481481481
+su2random_indep_tket_30,su2random,30,-1,0.0125993391,0.9103448276,-1,2.4e-09,0.9103448276,10.151202917098999,0.0,0.802241594,-1,-1,-1,-1,-1,-1,13.421740055084229,0.0,0.7673469388,-1,-1,-1,-1,-1,-1,100.78143620491028,0.0125993391,0.9103448276,35.66151213645935,0.0,0.7258064516,-1,-1,-1,-1,-1,-1,37.03677201271057,0.0,0.7909774436,-1,-1,-1,-1,-1,-1,37.757853984832764,1.7e-09,0.9103448276
+qnn_indep_tket_2,qnn,2,-1,0.9713936037,0.0,-1,0.9363309001,0.0,0.04443502426147461,0.9243693585,0.0,0.036241769790649414,0.9453543412,0.0,0.03644061088562012,0.7757092761,0.0,0.03238201141357422,0.3153214239,0.0,0.025491952896118164,0.8374806253,0.0,0.032961130142211914,0.9625879651,0.0,0.033715009689331055,0.9675080332,0.0,0.08796191215515137,0.9155385386,0.0,0.060402870178222656,0.9105576282,0.0,0.06330394744873047,0.5699657914,0.0,0.07739806175231934,0.5574869934,0.0,0.06155085563659668,0.8030938944,0.0,0.07360601425170898,0.9564458494,0.0,0.09529614448547363,0.961723264,0.0
+dj_indep_qiskit_70,dj,70,-1,0.0017890527,0.1161048689,-1,1e-10,0.4635157546,0.8927743434906006,0.0005594378,0.2314814815,-1,-1,-1,-1,-1,-1,1.1691489219665527,0.0,0.2277227723,-1,-1,-1,-1,-1,-1,-1,-1,-1,4.814613103866577,0.0,0.855497985,-1,-1,-1,-1,-1,-1,5.490423202514648,0.0,0.7675334909,-1,-1,-1,-1,-1,-1,-1,-1,-1
+vqe_indep_tket_12,vqe,12,-1,0.830141394,0.4090909091,-1,0.0244149104,0.5864661654,0.18454384803771973,0.4517625497,0.4090909091,0.08046483993530273,0.5810471843,0.4090909091,-1,-1,-1,0.91255784034729,0.035223507,0.4090909091,-1,-1,-1,5.865538835525513,0.7833740742,0.4090909091,5.832872152328491,0.830141394,0.4090909091,0.6637308597564697,0.6271100233,0.4090909091,0.6306450366973877,0.5498535982,0.4090909091,-1,-1,-1,0.6804900169372559,0.0051888767,0.4090909091,-1,-1,-1,0.6286687850952148,0.7076785756,0.4090909091,0.6991219520568848,0.6273194792,0.4090909091
+graphstate_indep_tket_13,graphstate,13,-1,0.9370003474,0.6923076923,-1,1.05135e-05,0.7659574468,0.09601688385009766,0.323336171,0.6842105263,0.05865216255187988,0.6376058237,0.55,-1,-1,-1,0.12655901908874512,0.0037744919,0.6428571429,-1,-1,-1,6.9372398853302,0.874803247,0.6923076923,9.967476844787598,0.9370003474,0.6923076923,0.8304147720336914,0.2194817423,0.6086956522,0.8612158298492432,0.5767083897,0.5454545455,-1,-1,-1,0.844810962677002,0.0001243789,0.6428571429,-1,-1,-1,0.4340329170227051,0.814019724,0.6923076923,0.4780571460723877,0.7564047236,0.6923076923
+random_indep_tket_2,random,2,-1,0.9665405251,0.0,-1,0.8972913624,0.0,0.03319406509399414,0.9402441018,0.0,0.025850772857666016,0.9339444101,0.0,0.03661394119262695,0.8144269818,0.0,0.03416085243225098,0.4336990682,0.0,0.02179098129272461,0.8892608819,0.0,0.029471874237060547,0.9750305032,0.0,0.03259587287902832,0.9665405251,0.0,0.08121180534362793,0.9262629945,0.0,0.05358290672302246,0.9223885415,0.0,0.056466102600097656,0.6430349838,0.0,0.06988000869750977,0.658028173,0.0,0.05349087715148926,0.8685342282,0.0,0.06780886650085449,0.9715260044,0.0,0.08792710304260254,0.969454704,0.0
+dj_indep_qiskit_27,dj,27,-1,0.8210454808,0.0,-1,0.0,0.7461024499,0.2993748188018799,0.1310320716,0.0704225352,0.6012680530548096,0.2426664001,0.0547945205,-1,-1,-1,0.26503992080688477,3.2361e-06,0.0333333333,-1,-1,-1,-1,-1,-1,10.13706088066101,0.8210454808,0.0,1.7081668376922607,0.0829027192,0.3430656934,1.6903140544891357,0.0277580807,0.5910780669,-1,-1,-1,1.7065322399139404,0.0,0.2566371681,-1,-1,-1,-1,-1,-1,0.9282407760620117,0.6399908771,0.0
+ae_indep_qiskit_9,ae,9,-1,0.6794920765,0.4166666667,-1,0.0012607216,0.5208333333,0.39551591873168945,0.0675600037,0.2520325203,0.24827790260314941,0.3516933179,0.2905982906,-1,-1,-1,0.4166898727416992,5e-10,0.3097345133,9.251708269119263,0.0407398705,0.4166666667,9.323753833770752,0.4728001087,0.4166666667,9.401948928833008,0.6794920765,0.4166666667,1.7846519947052002,0.0176649528,0.3218390805,1.6234090328216553,0.1908996922,0.2849462366,-1,-1,-1,1.7432301044464111,0.0,0.2884615385,1.3187367916107178,0.0132028503,0.4166666667,1.3282432556152344,0.3961675892,0.4166666667,1.241368055343628,0.5207763989,0.4166666667
+twolocalrandom_indep_qiskit_30,twolocalrandom,30,-1,0.0135133675,0.9103448276,-1,2.7e-09,0.9103448276,10.634350061416626,0.0,0.8675757576,-1,-1,-1,-1,-1,-1,21.0567729473114,0.0,0.7780418251,-1,-1,-1,-1,-1,-1,90.2027473449707,0.0135133675,0.9103448276,35.228204011917114,0.0,0.7258064516,-1,-1,-1,-1,-1,-1,36.539103984832764,0.0,0.7909774436,-1,-1,-1,-1,-1,-1,37.216464042663574,1.8e-09,0.9103448276
+routing_indep_tket_6,routing,6,-1,0.8877148877,0.4,-1,0.5137616117,0.4,0.07331991195678711,0.7065244795,0.4,0.057250022888183594,0.7369708501,0.4,0.10638999938964844,0.1692754096,0.4,0.12099504470825195,0.0700240123,0.4,3.6466569900512695,0.4897604113,0.4,3.686599016189575,0.8485350883,0.4,3.713944911956787,0.8877148877,0.4,0.42389917373657227,0.742389245,0.4,0.39174318313598633,0.6634321517,0.4,0.4344930648803711,0.1538209101,0.4,0.4380309581756592,0.0313774649,0.4,0.38835811614990234,0.3137032036,0.4,0.40262770652770996,0.7927420092,0.4,0.678570032119751,0.7340341516,0.4
+graphstate_indep_tket_4,graphstate,4,-1,0.9801770712,0.25,-1,0.0905670141,0.6170212766,0.039620161056518555,0.7520181606,0.0,0.02710700035095215,0.8647963838,0.0,0.049330949783325195,0.3737915079,0.3333333333,0.022099971771240234,0.2103816961,0.25,0.13509678840637207,0.8421143025,0.25,3.7390329837799072,0.9598568448,0.25,3.759888172149658,0.9801770712,0.25,0.24036788940429688,0.6673389511,0.1,0.1563403606414795,0.8633167715,0.1,0.1400470733642578,0.2130574861,0.3076923077,0.14921021461486816,0.4933095715,0.25,0.15781307220458984,0.7252762561,0.25,0.1503159999847412,0.9382154299,0.25,0.17242813110351562,0.9166261655,0.25
+su2random_indep_qiskit_5,su2random,5,-1,0.8571286183,0.4333333333,-1,1.0147e-06,0.4827586207,0.21432805061340332,0.5173867638,0.1333333333,0.20325398445129395,0.2759993507,0.1333333333,0.9903092384338379,0.001904909,0.2888888889,0.3975069522857666,3.33e-08,0.2089552239,1.0484001636505127,0.2684741948,0.4333333333,4.49462103843689,0.7325056368,0.4333333333,4.519368886947632,0.8571286183,0.4333333333,0.9506869316101074,0.1229713869,0.2528735632,0.8855340480804443,0.4768625354,0.2666666667,0.7923130989074707,4.2102e-05,0.4035087719,0.8587260246276855,5.7e-09,0.2345679012,0.7312061786651611,0.1216797078,0.4333333333,0.7429630756378174,0.6491390002,0.4333333333,0.8488907814025879,0.5848742458,0.4333333333
+graphstate_indep_qiskit_27,graphstate,27,-1,0.873585946,0.7777777778,-1,0.0,0.8166666667,0.35886287689208984,0.096558221,0.7473684211,0.13913822174072266,0.2588011163,0.6833333333,-1,-1,-1,1.642976999282837,1.5665e-06,0.71875,-1,-1,-1,-1,-1,-1,10.374778985977173,0.873585946,0.7777777778,1.643493890762329,0.0180788827,0.7450980392,4.4309728145599365,0.1075870814,0.6136363636,-1,-1,-1,1.888719081878662,3.7e-09,0.76,-1,-1,-1,-1,-1,-1,0.9577908515930176,0.5591307629,0.7777777778
+ae_indep_qiskit_13,ae,13,-1,0.4409258651,0.5769230769,-1,2.419e-07,0.6349206349,0.48770594596862793,0.0017360858,0.3954248366,0.4735679626464844,0.0681293397,0.4019607843,-1,-1,-1,0.8895468711853027,0.0,0.4531835206,-1,-1,-1,35.861679792404175,0.2008744201,0.5769230769,38.12651085853577,0.4409258651,0.5769230769,7.18701696395874,8.1897e-05,0.5905511811,3.3595597743988037,0.0157567772,0.4505747126,-1,-1,-1,4.3041770458221436,0.0,0.4747474747,-1,-1,-1,2.8166699409484863,0.1361016559,0.5769230769,2.5761148929595947,0.251094583,0.5769230769
+twolocalrandom_indep_qiskit_2,twolocalrandom,2,-1,0.9752889115,0.0,-1,0.9514229989,0.0,0.03906893730163574,0.9251305142,0.0,0.029807090759277344,0.93967417,0.0,0.030721187591552734,0.7792874271,0.0,0.03447294235229492,0.3164808033,0.0,0.023996353149414062,0.8463049475,0.0,0.02915191650390625,0.9641296472,0.0,0.027838945388793945,0.9752889115,0.0,0.2236180305480957,0.9160040437,0.0,0.05182218551635742,0.910781262,0.0,0.05105996131896973,0.5901801724,0.0,0.06384706497192383,0.5589780753,0.0,0.05164384841918945,0.817960852,0.0,0.06180596351623535,0.9591281878,0.0,0.08632493019104004,0.9636495995,0.0
+dj_indep_tket_4,dj,4,-1,0.9743136226,0.0,-1,0.2726015731,0.4761904762,0.029029130935668945,0.6457269088,0.0,0.01792597770690918,0.8961560661,0.0,0.046955108642578125,0.3727445048,0.0,0.04021716117858887,0.414906915,0.0,0.1132822036743164,0.868774685,0.0,3.1285598278045654,0.9679946638,0.0,3.1682820320129395,0.9743136226,0.0,0.11875009536743164,0.6445913311,0.0,0.09365606307983398,0.8941698968,0.0,0.0958399772644043,0.4289415047,0.0,0.10745596885681152,0.8165909477,0.0,0.09517121315002441,0.8094320703,0.0,0.10820722579956055,0.9575945032,0.0,0.12910103797912598,0.9473979597,0.0
+qpeexact_indep_qiskit_4,qpeexact,4,-1,0.9351329095,0.0,-1,0.0815168951,0.5,0.04918408393859863,0.8098883341,0.0,0.03577089309692383,0.8735032787,0.0,0.1292250156402588,0.2592441307,0.1,0.06766390800476074,0.1108159191,0.1538461538,0.15064692497253418,0.6439846233,0.0,3.764253854751587,0.9011999424,0.0,3.7297511100769043,0.9351329095,0.0,0.3066542148590088,0.8003728091,0.1,0.22493529319763184,0.8238057095,0.1,0.167877197265625,0.2561789775,0.1,0.3000779151916504,0.1551426392,0.1,0.16455411911010742,0.6301016509,0.1428571429,0.17501330375671387,0.9081875296,0.1428571429,0.1808161735534668,0.9193815529,0.25
+realamprandom_indep_tket_5,realamprandom,5,-1,0.8631525904,0.4333333333,-1,3.898e-07,0.4402515723,0.21251726150512695,0.5173867638,0.1333333333,0.19339704513549805,0.2759993507,0.1333333333,0.9807631969451904,0.001974433,0.2888888889,0.25364089012145996,3.17e-08,0.2089552239,1.1042890548706055,0.2927234165,0.4333333333,4.787571907043457,0.7422407689,0.4333333333,4.8696088790893555,0.8631525904,0.4333333333,0.9624598026275635,0.1233263237,0.2528735632,0.900130033493042,0.4776271702,0.2666666667,0.8019256591796875,4.62477e-05,0.4035087719,0.857417106628418,5.8e-09,0.2345679012,0.7187387943267822,0.1265577004,0.4333333333,0.7280969619750977,0.653046326,0.4333333333,0.8485391139984131,0.5883958064,0.4333333333
+portfoliovqe_indep_qiskit_9,portfoliovqe,9,-1,0.689691771,0.6944444444,-1,0.0018105829,0.6944444444,0.5496160984039307,0.0001578942,0.4056338028,0.7153060436248779,0.0199020322,0.527607362,-1,-1,-1,0.964163064956665,0.0,0.5172413793,8.882906198501587,0.0162736774,0.6944444444,8.928909063339233,0.3582212491,0.6944444444,8.855294227600098,0.689691771,0.6944444444,3.214843988418579,0.0002430995,0.4909560724,3.046422243118286,0.0019318667,0.5422535211,-1,-1,-1,3.004366874694824,0.0,0.5039370079,2.688040018081665,0.000867027,0.6944444444,2.711782932281494,0.2289402989,0.6944444444,2.904068946838379,0.1711512767,0.6944444444
+vqe_indep_qiskit_10,vqe,10,-1,0.8580175755,0.3888888889,-1,0.159959569,0.5106382979,0.2665550708770752,0.4542494845,0.3888888889,0.06586289405822754,0.7068515286,0.3888888889,-1,-1,-1,0.40132594108581543,0.0555755736,0.3888888889,5.13503885269165,0.4144866592,0.3888888889,5.154656887054443,0.8180978353,0.3888888889,5.206535816192627,0.8580175755,0.3888888889,0.5721168518066406,0.6699937473,0.3888888889,0.5386292934417725,0.5991207955,0.3888888889,-1,-1,-1,0.5455501079559326,0.0131348011,0.3888888889,0.5012106895446777,0.2428582655,0.3888888889,0.5103280544281006,0.7539798234,0.3888888889,0.5714671611785889,0.683694382,0.3888888889
+qpeexact_indep_qiskit_14,qpeexact,14,-1,0.4069863212,0.6514285714,-1,5e-10,0.7171314741,0.5639407634735107,5.79393e-05,0.5505376344,0.5957849025726318,0.0105143511,0.4871794872,-1,-1,-1,1.1401052474975586,0.0,0.4801061008,-1,-1,-1,37.37597298622131,0.1407100831,0.6683937824,37.950567960739136,0.3645513382,0.6649484536,4.407774925231934,3.6335e-06,0.5444915254,4.7551538944244385,0.0026995975,0.5377697842,-1,-1,-1,4.959355115890503,0.0,0.4715261959,-1,-1,-1,3.361147880554199,0.1062907971,0.6514285714,2.942207098007202,0.2133039317,0.6477272727
+qpeexact_indep_tket_40,qpeexact,40,-1,0.0,0.6803811174,-1,0.0,0.7896903821,8.423537254333496,0.0,0.7485688115,-1,-1,-1,-1,-1,-1,14.434996128082275,0.0,0.7144026187,-1,-1,-1,-1,-1,-1,-1,-1,-1,30.461960077285767,0.0,0.7234042553,-1,-1,-1,-1,-1,-1,33.17868399620056,0.0,0.729375298,-1,-1,-1,-1,-1,-1,-1,-1,-1
+graphstate_indep_qiskit_70,graphstate,70,-1,9.79607e-05,0.8453608247,-1,0.0,0.8617666891,26.71657085418701,0.0006162152,0.8691275168,-1,-1,-1,-1,-1,-1,22.808046102523804,3.744e-07,0.9142857143,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.4599080085754395,0.0174192943,0.4852941176,-1,-1,-1,-1,-1,-1,3.3233449459075928,6e-10,0.9142857143,-1,-1,-1,-1,-1,-1,-1,-1,-1
+wstate_indep_tket_19,wstate,19,-1,0.774733737,0.4444444444,-1,0.0004974955,0.5794392523,0.8761498928070068,0.2557230606,0.4444444444,0.09326004981994629,0.4322048704,0.4444444444,-1,-1,-1,8.407862663269043,0.0008098191,0.4444444444,-1,-1,-1,8.100445032119751,0.6806253085,0.4444444444,8.11712098121643,0.774733737,0.4444444444,1.0992751121520996,0.1687921046,0.4444444444,1.0646593570709229,0.3872976751,0.4444444444,-1,-1,-1,1.0856070518493652,2.34239e-05,0.4444444444,-1,-1,-1,1.0700531005859375,0.5806685886,0.4444444444,1.1402277946472168,0.4928935631,0.4444444444
+ae_indep_tket_6,ae,6,-1,0.8460525578,0.2,-1,0.0019343911,0.4444444444,0.11163187026977539,0.514159805,0.1020408163,0.24863004684448242,0.614661595,0.1020408163,0.7052123546600342,0.0063331967,0.1403508772,0.19881105422973633,6.8524e-06,0.0909090909,5.546931028366089,0.2507920851,0.2,5.437556982040405,0.7249255469,0.2,5.46626615524292,0.8460525578,0.2,0.8150060176849365,0.3730762507,0.1904761905,0.6370499134063721,0.5698688439,0.1746031746,0.7631328105926514,0.0015806079,0.1666666667,0.8208270072937012,4.84e-08,0.0925925926,0.5832710266113281,0.1623309066,0.2,0.5954549312591553,0.6783447721,0.2,0.5642597675323486,0.7548881291,0.2
+wstate_indep_tket_6,wstate,6,-1,0.9295389164,0.3,-1,0.1285621854,0.3846153846,0.11399292945861816,0.7854060373,0.3,0.03403902053833008,0.7791675508,0.3,0.0760650634765625,0.2528404452,0.3,0.08942794799804688,0.1559166132,0.3,3.779233932495117,0.6273287911,0.3,3.817103862762451,0.8976016244,0.3,3.8884317874908447,0.9295389164,0.3,0.31668519973754883,0.788440806,0.3,0.28807902336120605,0.7160607949,0.3,0.2834019660949707,0.2277351578,0.3,0.3014240264892578,0.0838706631,0.3,0.28157687187194824,0.4690013966,0.3,0.2943422794342041,0.8586122835,0.3,0.3249552249908447,0.8186242047,0.3
+wstate_indep_qiskit_70,wstate,70,-1,2.3189e-06,0.375,-1,0.0,0.592808552,62.52064609527588,0.0067852148,0.4855072464,-1,-1,-1,-1,-1,-1,37.92529821395874,0.0,0.4855072464,-1,-1,-1,-1,-1,-1,-1,-1,-1,4.346775054931641,0.0001608373,0.7047619048,-1,-1,-1,-1,-1,-1,4.4417500495910645,0.0,0.7894736842,-1,-1,-1,-1,-1,-1,-1,-1,-1
+dj_indep_tket_24,dj,24,-1,0.8393254522,0.0,-1,0.0,0.6381322957,0.16439604759216309,0.2271179196,0.0476190476,0.25133180618286133,0.2930074822,0.0357142857,-1,-1,-1,0.2607090473175049,2.12947e-05,0.0666666667,-1,-1,-1,11.033132076263428,0.7861678396,0.0,9.771944046020508,0.8393254522,0.0,1.7761969566345215,0.1369309507,0.4,1.4778759479522705,0.0351069374,0.5702479339,-1,-1,-1,1.512505054473877,0.0,0.5401459854,-1,-1,-1,0.7247240543365479,0.7231043794,0.0,0.8148829936981201,0.674174489,0.0
+qaoa_indep_qiskit_7,qaoa,7,-1,0.9258151947,0.5714285714,-1,0.176272872,0.484375,0.0870809555053711,0.4153466476,0.55,0.14440393447875977,0.4963974631,0.55,0.4328141212463379,0.0266406393,0.55,0.135756254196167,0.000746761,0.4705882353,4.553544998168945,0.5581678872,0.5714285714,4.5625762939453125,0.8688381847,0.5714285714,4.610121965408325,0.9258151947,0.5714285714,0.7324330806732178,0.3270700243,0.55,0.6815471649169922,0.5086680212,0.5813953488,0.6159021854400635,0.0203690428,0.5813953488,0.7132370471954346,0.0485363047,0.55,0.5159962177276611,0.1741355836,0.5714285714,0.5280971527099609,0.6907242983,0.5714285714,0.43531322479248047,0.7663048584,0.5714285714
+qft_indep_tket_9,qft,9,-1,0.6272024968,0.6071428571,-1,0.0042159148,0.6125,0.2428600788116455,0.0255824404,0.3742331288,0.24219012260437012,0.2151986217,0.3701298701,-1,-1,-1,0.45155882835388184,6e-10,0.3708609272,8.979403972625732,0.027160011,0.6071428571,9.01289987564087,0.4231648078,0.6071428571,8.863671064376831,0.6272024968,0.6071428571,1.8554160594940186,0.0177440602,0.4402515723,1.6801888942718506,0.1838407392,0.4402515723,-1,-1,-1,1.824233055114746,0.0,0.3725490196,1.434622049331665,0.0128613755,0.5833333333,1.4453229904174805,0.3945857682,0.5833333333,1.245262861251831,0.5089293804,0.5833333333
+graphstate_indep_tket_29,graphstate,29,-1,0.8648840901,0.8275862069,-1,0.0004246037,0.7769516729,0.30727410316467285,0.071221906,0.7843137255,-1,-1,-1,-1,-1,-1,2.6403989791870117,5.8693e-06,0.8,-1,-1,-1,-1,-1,-1,11.627077102661133,0.8648840901,0.8275862069,1.6618738174438477,0.0169165952,0.6710526316,-1,-1,-1,-1,-1,-1,1.455824851989746,0.0,0.6090909091,-1,-1,-1,-1,-1,-1,1.0104458332061768,0.5366557561,0.8275862069
+wstate_indep_qiskit_27,wstate,27,-1,0.6925741025,0.4615384615,-1,0.0,0.5530973451,5.263510704040527,0.1641361537,0.4615384615,0.19131922721862793,0.1970562276,0.2235294118,-1,-1,-1,10.708500862121582,1.6187e-05,0.4615384615,-1,-1,-1,-1,-1,-1,10.350225925445557,0.6925741025,0.4615384615,1.5769689083099365,0.1831982895,0.4615384615,3.1580679416656494,0.1395512276,0.3559322034,-1,-1,-1,1.5720608234405518,1.214e-07,0.4615384615,-1,-1,-1,-1,-1,-1,1.6610863208770752,0.3607153063,0.4615384615
+portfolioqaoa_indep_tket_6,portfolioqaoa,6,-1,0.8275962006,0.5333333333,-1,0.0022836142,0.5405405405,0.25383710861206055,0.0010371059,0.3006134969,0.3842592239379883,0.2052198474,0.3006134969,1.7039527893066406,1.12e-08,0.4184782609,0.4713709354400635,0.0,0.1656050955,5.512048006057739,0.1686548617,0.5333333333,5.55504298210144,0.645635302,0.5333333333,5.482440948486328,0.8275962006,0.5333333333,1.7119910717010498,0.1076863395,0.3523809524,1.5742461681365967,0.2020749883,0.3915343915,1.5561811923980713,1.269e-07,0.347826087,1.7630069255828857,0.0,0.244047619,1.4578189849853516,0.0046640002,0.5333333333,1.4714398384094238,0.3162898686,0.5333333333,1.246932029724121,0.4415146252,0.5333333333
+qnn_indep_qiskit_2,qnn,2,-1,0.9675080332,0.0,-1,0.9379018633,0.0,0.19759011268615723,0.9243693585,0.0,0.03320908546447754,0.9453543412,0.0,0.03699994087219238,0.7757092761,0.0,0.03397488594055176,0.3153214239,0.0,0.028828859329223633,0.8374806253,0.0,0.035880088806152344,0.9625879651,0.0,0.035639047622680664,0.9675080332,0.0,0.0866248607635498,0.9155385386,0.0,0.06046891212463379,0.9105576282,0.0,0.06239891052246094,0.5699657914,0.0,0.07649683952331543,0.5574869934,0.0,0.06083393096923828,0.8030938944,0.0,0.07370495796203613,0.9564458494,0.0,0.09698891639709473,0.961723264,0.0
+qft_indep_tket_2,qft,2,-1,0.9655739846,0.0,-1,0.9528705961,0.0,0.030230045318603516,0.9254980248,0.0,0.021166086196899414,0.9401654605,0.0,0.04640793800354004,0.781004669,0.0,0.03785395622253418,0.3173738267,0.0,0.04200601577758789,0.8463049475,0.0,0.051815032958984375,0.9641296472,0.0,0.033579111099243164,0.9655739846,0.0,0.08140969276428223,0.9164015074,0.0,0.055898189544677734,0.9118044524,0.0,0.05798196792602539,0.5892375394,0.0,0.07642102241516113,0.5563257973,0.0,0.058207035064697266,0.8158202684,0.0,0.07117915153503418,0.9587445365,0.0,0.08416318893432617,0.9655797935,0.0
+graphstate_indep_tket_22,graphstate,22,-1,0.895725555,0.7272727273,-1,0.7407025471,0.7272727273,0.22692203521728516,0.1403485869,0.7176470588,0.10322904586791992,0.4005534142,0.6818181818,-1,-1,-1,4.276519775390625,0.0028318308,0.7272727273,-1,-1,-1,9.287537097930908,0.797924521,0.7272727273,9.304417848587036,0.895725555,0.7272727273,1.4551773071289062,0.1602474421,0.6585365854,1.4401230812072754,0.1624427045,0.6428571429,-1,-1,-1,0.757504940032959,0.006226888,0.7272727273,-1,-1,-1,0.729182243347168,0.7048529511,0.7272727273,0.8075110912322998,0.6210744387,0.7272727273
+graphstate_indep_qiskit_5,graphstate,5,-1,0.9752830441,0.2,-1,0.0001713894,0.38,0.04745221138000488,0.5786942073,0.2222222222,0.03565502166748047,0.7244181113,0.2222222222,0.171875,0.2034025215,0.2857142857,0.04930901527404785,0.1914772222,0.125,0.8826122283935547,0.8077608835,0.2,3.9613091945648193,0.950265493,0.2,3.9629058837890625,0.9752830441,0.2,0.3080906867980957,0.5652735164,0.05,0.23876595497131348,0.7639309782,0.05,0.17235779762268066,0.2102952591,0.0714285714,0.29559826850891113,0.3244315918,0.25,0.16166996955871582,0.6671243461,0.2,0.18197298049926758,0.922913552,0.2,0.19826197624206543,0.8957713603,0.2
+qft_indep_qiskit_11,qft,11,-1,0.5929815127,0.6545454545,-1,2.72265e-05,0.7158081705,0.35353612899780273,0.0296154115,0.449122807,0.36401987075805664,0.0331503194,0.4048582996,-1,-1,-1,0.7423279285430908,0.0,0.378600823,0.19856619834899902,0.0048344438,0.672,29.00314998626709,0.2795577141,0.672,28.950071811676025,0.5052422661,0.672,15.424917936325073,0.0003056315,0.5134328358,3.477241039276123,0.0168123656,0.4846416382,-1,-1,-1,15.462600946426392,0.0,0.5139442231,2.181924819946289,0.0013090114,0.6545454545,2.1875131130218506,0.2420128701,0.6545454545,1.8584001064300537,0.3643390905,0.6545454545
+dj_indep_qiskit_16,dj,16,-1,0.8894929841,0.0,-1,0.0028102418,0.4408602151,0.16596007347106934,0.3786487795,0.0540540541,0.09031987190246582,0.4359629956,0.0,-1,-1,-1,0.16818881034851074,0.0011368282,0.0294117647,-1,-1,-1,7.012470006942749,0.8533011706,0.0,7.046682834625244,0.8894929841,0.0,1.0089023113250732,0.2874560315,0.0784313725,1.0725488662719727,0.3381884583,0.1304347826,-1,-1,-1,0.9779326915740967,0.0002621616,0.4861111111,-1,-1,-1,0.47333383560180664,0.8090833293,0.0,0.5362548828125,0.7724606528,0.0
+qftentangled_indep_qiskit_60,qftentangled,60,-1,0.0,0.8276203685,-1,0.0,0.8652688981,18.36920404434204,0.0,0.8168890008,-1,-1,-1,-1,-1,-1,34.74824595451355,0.0,0.814735432,-1,-1,-1,-1,-1,-1,-1,-1,-1,64.96732902526855,0.0,0.8233569262,-1,-1,-1,-1,-1,-1,69.32627415657043,0.0,0.8296395791,-1,-1,-1,-1,-1,-1,-1,-1,-1
+su2random_indep_tket_40,su2random,40,-1,0.0,0.8239906681,-1,0.0,0.8594701799,18.632339239120483,0.0,0.8037910577,-1,-1,-1,-1,-1,-1,25.57030200958252,0.0,0.813065191,-1,-1,-1,-1,-1,-1,-1,-1,-1,68.01402401924133,0.0,0.7876790579,-1,-1,-1,-1,-1,-1,70.48222303390503,0.0,0.79863174,-1,-1,-1,-1,-1,-1,-1,-1,-1
+twolocalrandom_indep_qiskit_9,twolocalrandom,9,-1,0.6495077505,0.6944444444,-1,0.0120712025,0.6944444444,0.8102760314941406,0.0002894418,0.4164133739,0.8394870758056641,0.0414594559,0.5410447761,-1,-1,-1,1.0469818115234375,0.0,0.5098039216,12.883385181427002,0.0148475478,0.6944444444,9.348414897918701,0.3532401047,0.6944444444,17.041668176651,0.6495077505,0.6944444444,3.1086530685424805,0.0002424848,0.4909560724,2.948897123336792,0.0019301074,0.5422535211,-1,-1,-1,3.063314199447632,0.0,0.5039370079,2.513153076171875,0.0008056897,0.6944444444,2.523549795150757,0.226389966,0.6944444444,2.9152698516845703,0.1691087198,0.6944444444
+qpeinexact_indep_tket_12,qpeinexact,12,-1,0.5067503591,0.5454545455,-1,3e-09,0.5576679341,0.4591500759124756,0.0006816607,0.3729372937,0.4347221851348877,0.0459205519,0.3054662379,-1,-1,-1,1.1140542030334473,0.0,0.2682119205,-1,-1,-1,32.35155010223389,0.22431888,0.5714285714,32.725942850112915,0.4649502195,0.5714285714,15.077824115753174,0.0005952973,0.4498644986,3.140761137008667,0.0170041412,0.4661654135,-1,-1,-1,13.146835327148438,0.0,0.5512820513,-1,-1,-1,2.4336049556732178,0.1836147024,0.5454545455,2.1222739219665527,0.310744913,0.5454545455
+wstate_indep_tket_12,wstate,12,-1,0.8545803675,0.4090909091,-1,0.5959168754,0.4090909091,0.1720571517944336,0.4569862614,0.4090909091,0.0632178783416748,0.5768851518,0.4090909091,-1,-1,-1,0.893388032913208,0.0357641858,0.4090909091,-1,-1,-1,5.890013933181763,0.7899834589,0.4090909091,5.869816064834595,0.8545803675,0.4090909091,0.6774897575378418,0.6310609713,0.4090909091,0.645820140838623,0.5539578895,0.4090909091,-1,-1,-1,0.6613900661468506,0.0054312658,0.4090909091,-1,-1,-1,0.6401362419128418,0.716796918,0.4090909091,0.7056341171264648,0.6477287142,0.4090909091
+qaoa_indep_qiskit_14,qaoa,14,-1,0.8571337748,0.7857142857,-1,0.6863169,0.7857142857,0.1990678310394287,0.2004837218,0.7093023256,0.17830514907836914,0.3414047765,0.7093023256,-1,-1,-1,0.23929405212402344,1.2984e-06,0.661971831,-1,-1,-1,6.577863931655884,0.7548797911,0.7857142857,6.528707265853882,0.8571337748,0.7857142857,1.4404549598693848,0.0421745141,0.6206896552,1.4013409614562988,0.2940824366,0.7282608696,-1,-1,-1,1.4789299964904785,6.392e-07,0.6901408451,-1,-1,-1,1.1058969497680664,0.4778641804,0.7857142857,1.0121982097625732,0.5698595158,0.7857142857
+qft_indep_qiskit_50,qft,50,-1,0.0,0.6754002911,-1,0.0,0.8547961721,15.19868803024292,0.0,0.8007697947,-1,-1,-1,-1,-1,-1,27.005193948745728,0.0,0.7552486188,-1,-1,-1,-1,-1,-1,-1,-1,-1,44.81808304786682,0.0,0.8479105173,-1,-1,-1,-1,-1,-1,48.33345103263855,0.0,0.7246239328,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qpeinexact_indep_qiskit_15,qpeinexact,15,-1,0.351286014,0.6285714286,-1,0.0,0.6425339367,0.639502763748169,0.000396286,0.4389380531,0.8738827705383301,0.0043860744,0.4775583483,-1,-1,-1,1.4332711696624756,0.0,0.4490644491,-1,-1,-1,43.75996017456055,0.0959547966,0.6493506494,41.90093111991882,0.3026155016,0.6493506494,11.646343231201172,1.06616e-05,0.5346215781,5.432759046554565,0.0021400871,0.4746376812,-1,-1,-1,5.711706876754761,0.0,0.5166666667,-1,-1,-1,3.948390245437622,0.0684884524,0.6285714286,3.5238208770751953,0.1590979936,0.6285714286
+portfoliovqe_indep_tket_5,portfoliovqe,5,-1,0.8894528509,0.4333333333,-1,0.0,0.5,0.14774394035339355,0.4363186571,0.1184210526,0.13871288299560547,0.2027144005,0.1184210526,1.2844390869140625,0.0019372386,0.2888888889,0.23676276206970215,3.21e-08,0.2089552239,1.0589380264282227,0.3028669099,0.4333333333,4.53422999382019,0.7461112495,0.4333333333,4.535884618759155,0.8894528509,0.4333333333,0.9674720764160156,0.1233263237,0.2528735632,0.9089882373809814,0.4776271702,0.2666666667,0.8020610809326172,4.7558e-05,0.4035087719,0.8241331577301025,5.8e-09,0.2345679012,0.758796215057373,0.1306005206,0.4333333333,0.7698960304260254,0.6561891136,0.4333333333,0.8270177841186523,0.5901645301,0.4333333333
+portfoliovqe_indep_tket_10,portfoliovqe,10,-1,0.6146825983,0.7259259259,-1,0.000379652,0.7259259259,0.6881921291351318,0.002784932,0.5120192308,0.9130980968475342,0.0014290241,0.5096153846,-1,-1,-1,5.520487308502197,0.0,0.552238806,10.227195978164673,0.0056881154,0.7259259259,16.739425897598267,0.2762203819,0.7259259259,10.141576051712036,0.6146825983,0.7259259259,10.670367956161499,1.14331e-05,0.6026365348,4.631582975387573,0.0043361412,0.6177024482,-1,-1,-1,10.28788709640503,0.0,0.6329113924,3.2610838413238525,0.0001493646,0.7259259259,3.2740159034729004,0.158457732,0.7259259259,3.5155091285705566,0.112985441,0.7259259259
+dj_indep_qiskit_5,dj,5,-1,0.9665434325,0.0,-1,2.57851e-05,0.5070422535,0.041155099868774414,0.7449375753,0.0,0.027400970458984375,0.9006706526,0.0,0.050676822662353516,0.4010847869,0.0,0.05376911163330078,0.4266915798,0.0,0.7562539577484131,0.8311528619,0.0,3.363538980484009,0.9579386662,0.0,3.4036171436309814,0.9665434325,0.0,0.35172104835510254,0.8858114952,0.0,0.21858811378479004,0.8790565347,0.0,0.14045214653015137,0.3002036366,0.0,0.2871279716491699,0.1220265801,0.0,0.15295886993408203,0.7543517056,0.0,0.15337705612182617,0.9438627772,0.0,0.824796199798584,0.9304861792,0.0
+ae_indep_qiskit_2,ae,2,-1,0.9841135213,0.0,-1,0.9521275074,0.0,1.7147901058197021,0.9408179515,0.0,0.020528078079223633,0.9537454036,0.0,0.028071880340576172,0.8185113617,0.0,0.23258209228515625,0.4330033568,0.0,0.020252227783203125,0.8986307996,0.0,0.030636072158813477,0.9765921133,0.0,0.03001999855041504,0.9841135213,0.0,0.06601381301879883,0.9250258398,0.0,0.03964495658874512,0.9219615375,0.0,0.042207956314086914,0.6361792938,0.0,0.05449819564819336,0.6582188087,0.0,0.03975677490234375,0.8708131249,0.0,0.1325678825378418,0.9719147703,0.0,0.6032202243804932,0.9792057305,0.0
+twolocalrandom_indep_qiskit_40,twolocalrandom,40,-1,-1,-1,-1,0.0,0.8389835919,19.61555027961731,0.0,0.8069632495,-1,-1,-1,-1,-1,-1,31.42904806137085,0.0,0.7986900147,-1,-1,-1,-1,-1,-1,-1,-1,-1,67.50740480422974,0.0,0.7876790579,-1,-1,-1,-1,-1,-1,70.46401906013489,0.0,0.79863174,-1,-1,-1,-1,-1,-1,-1,-1,-1
+twolocalrandom_indep_tket_4,twolocalrandom,4,-1,0.9056488079,0.2777777778,-1,0.4394671195,0.2753623188,0.08150100708007812,0.4269611715,0.0,0.06446623802185059,0.6568596526,0.0,0.5045831203460693,0.0063994505,0.2083333333,0.5097799301147461,0.0145949606,0.0,0.17172503471374512,0.4627087621,0.2777777778,25.322060108184814,0.8319607743,0.2777777778,19.059033155441284,0.9056488079,0.2777777778,0.5735619068145752,0.2534812171,0.0,0.44304895401000977,0.6261643669,0.0,0.5355010032653809,0.0040020039,0.2222222222,0.8197929859161377,1.58732e-05,0.1944444444,0.4025309085845947,0.2812434682,0.2777777778,0.41374897956848145,0.7710630055,0.2777777778,0.4812462329864502,0.7202058149,0.2777777778
+dj_indep_tket_15,dj,15,-1,0.8966437539,0.0,-1,0.0200204046,0.4587155963,0.09754300117492676,0.3820567194,0.0555555556,0.1524028778076172,0.4331550386,0.0,-1,-1,-1,0.15905308723449707,0.0003359884,0.0967741935,-1,-1,-1,6.847847938537598,0.8619138286,0.0,6.774635076522827,0.8966437539,0.0,0.9515583515167236,0.3153391162,0.085106383,0.9613239765167236,0.3948771776,0.2461538462,-1,-1,-1,1.0172529220581055,0.0008674667,0.5076923077,-1,-1,-1,0.5885040760040283,0.8201976733,0.0,0.6519529819488525,0.7849280723,0.0
+qpeexact_indep_tket_30,qpeexact,30,-1,0.0117981931,0.8083623693,-1,0.0100013136,0.8142857143,4.967839002609253,0.0,0.7220245156,-1,-1,-1,-1,-1,-1,7.630677938461304,0.0,0.6732477789,-1,-1,-1,-1,-1,-1,89.63144302368164,0.0100013136,0.8142857143,21.171550035476685,0.0,0.6945796819,-1,-1,-1,-1,-1,-1,18.428704977035522,0.0,0.7408730159,-1,-1,-1,-1,-1,-1,13.718029737472534,0.0006155453,0.8087557604
+pricingcall_indep_qiskit_5,pricingcall,5,-1,0.7669888696,0.06,-1,0.0121859364,0.3659574468,0.19251775741577148,0.1707973501,0.0857142857,0.17293810844421387,0.4252517556,0.0857142857,0.7001690864562988,0.0015297327,0.0857142857,0.39459776878356934,1.30254e-05,0.0882352941,1.200376033782959,0.1218999813,0.0652173913,4.9125590324401855,0.6168247408,0.0652173913,23.11106014251709,0.7669888696,0.06,0.9673259258270264,0.3223789208,0.0365853659,0.8543450832366943,0.3852910839,0.0365853659,0.9095942974090576,0.000406219,0.0759493671,1.0678589344024658,5.063e-07,0.1194029851,0.855086088180542,0.0493610119,0.0652173913,0.8644082546234131,0.5332315754,0.0652173913,1.0384900569915771,0.5313036947,0.0571428571
+wstate_indep_qiskit_16,wstate,16,-1,0.8079970983,0.4333333333,-1,0.0019238154,0.5662650602,0.42450499534606934,0.3004558039,0.4333333333,0.08444404602050781,0.4361729232,0.4333333333,-1,-1,-1,6.010483026504517,0.0016792383,0.4333333333,-1,-1,-1,7.516310930252075,0.7255058355,0.4333333333,7.517931938171387,0.8079970983,0.4333333333,1.0714399814605713,0.289831997,0.4333333333,0.9278881549835205,0.4835147165,0.4333333333,-1,-1,-1,1.0945611000061035,0.0011202584,0.4333333333,-1,-1,-1,1.0063691139221191,0.6355194072,0.4333333333,1.0097150802612305,0.5541136674,0.4333333333
+graphstate_indep_tket_18,graphstate,18,-1,0.9138405512,0.6666666667,-1,0.0,0.7516339869,0.12159609794616699,0.2525978855,0.6428571429,0.08528614044189453,0.382953095,0.7,-1,-1,-1,6.11296010017395,0.016664061,0.6666666667,-1,-1,-1,8.091577053070068,0.8319607743,0.6666666667,28.642733097076416,0.9138405512,0.6666666667,1.1129672527313232,0.2216712314,0.7395833333,1.2065389156341553,0.4037352789,0.6458333333,-1,-1,-1,0.6493470668792725,0.0118701001,0.6666666667,-1,-1,-1,0.6622021198272705,0.7497684968,0.6666666667,0.6991682052612305,0.6741846287,0.6666666667
+su2random_indep_tket_9,su2random,9,-1,0.6372775422,0.6944444444,-1,0.0051106651,0.6944444444,2.054563045501709,0.0014632651,0.4479495268,23.80454707145691,0.0411244286,0.5287769784,-1,-1,-1,1.0796020030975342,0.0,0.5167286245,10.131788730621338,0.0129901843,0.6944444444,8.940279006958008,0.346105599,0.6944444444,13.335291862487793,0.6372775422,0.6944444444,3.1375608444213867,0.0002410996,0.4909560724,2.967580795288086,0.0019218469,0.5422535211,-1,-1,-1,3.065596103668213,0.0,0.5039370079,2.555729866027832,0.0007428292,0.6944444444,2.5647101402282715,0.2235995088,0.6944444444,2.9631998538970947,0.1670905392,0.6944444444
+qpeexact_indep_tket_9,qpeexact,9,-1,0.6469642101,0.4756097561,-1,0.0004283366,0.5451612903,9.235840797424316,0.0545739583,0.2420382166,0.24564599990844727,0.2289680188,0.2420382166,-1,-1,-1,0.47725701332092285,2.93e-08,0.32,11.40265703201294,0.030936464,0.4814814815,12.62836503982544,0.4364571067,0.4814814815,8.857572078704834,0.6469642101,0.4756097561,2.108566999435425,0.104784238,0.339869281,1.6416609287261963,0.2022940364,0.3466666667,-1,-1,-1,1.7789902687072754,0.0,0.3653846154,1.3539798259735107,0.0151573232,0.4347826087,1.3617241382598877,0.409102588,0.4347826087,1.2176170349121094,0.5334342331,0.4285714286
+qaoa_indep_tket_4,qaoa,4,-1,0.9569098632,0.375,-1,0.0680174274,0.5652173913,1.3691370487213135,0.6768453701,0.3181818182,0.11912274360656738,0.5519254581,0.3181818182,0.23393893241882324,0.081185071,0.3181818182,0.054837942123413086,0.0151411553,0.375,0.13520073890686035,0.7166287018,0.375,3.4101829528808594,0.922800758,0.375,5.604895114898682,0.9569098632,0.375,0.4284391403198242,0.4628302771,0.3181818182,0.34642481803894043,0.7760674281,0.3181818182,0.3445291519165039,0.0572926105,0.28,0.3445761203765869,0.1331908352,0.375,0.3267021179199219,0.3710846169,0.375,0.3626890182495117,0.8103461433,0.375,0.2919299602508545,0.8597620496,0.375
+graphstate_indep_qiskit_16,graphstate,16,-1,0.9230349727,0.6875,-1,0.0019491632,0.7541528239,0.4813089370727539,0.2300885831,0.64,0.0800929069519043,0.4615251259,0.756097561,-1,-1,-1,0.12889599800109863,0.0025411222,0.5483870968,-1,-1,-1,9.823342084884644,0.8488400549,0.6875,7.167520046234131,0.9230349727,0.6875,1.054818868637085,0.2592091825,0.425,1.015105962753296,0.3388846109,0.5344827586,-1,-1,-1,1.049968957901001,9.06542e-05,0.55,-1,-1,-1,0.5478088855743408,0.7748368812,0.6875,0.6069960594177246,0.7059419671,0.6875
+wstate_indep_tket_90,wstate,90,-1,0.0,0.3659793814,-1,0.0,0.6220119522,37.65770101547241,0.0054674279,0.4887640449,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,5.698405742645264,1.03393e-05,0.7257281553,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qpeinexact_indep_qiskit_6,qpeinexact,6,-1,0.8226652919,0.25,-1,0.2517131381,0.4166666667,0.11366701126098633,0.5273940416,0.1111111111,0.10257291793823242,0.5686046773,0.1111111111,0.6813561916351318,0.002126299,0.2463768116,0.2009289264678955,2.7094e-06,0.1296296296,5.419265985488892,0.2107595587,0.25,5.503497362136841,0.6904992093,0.25,5.550822973251343,0.8226652919,0.25,0.8439257144927979,0.4733673337,0.15,0.6905419826507568,0.4883500254,0.1754385965,0.7409131526947021,0.0035887882,0.2361111111,0.8572728633880615,2.044e-07,0.137254902,0.6118898391723633,0.1610597909,0.2,0.6199827194213867,0.6775310839,0.2,0.5917820930480957,0.7511212298,0.2
+qftentangled_indep_tket_14,qftentangled,14,-1,0.4041216366,0.7333333333,-1,0.0,0.7593123209,0.5861642360687256,0.0001301999,0.6471774194,0.686302900314331,0.0088768236,0.5414847162,-1,-1,-1,1.3862338066101074,0.0,0.6051948052,-1,-1,-1,39.021231174468994,0.1108432513,0.7453703704,39.0086350440979,0.3068979105,0.7453703704,5.083295106887817,4.86628e-05,0.7316017316,5.4950690269470215,0.001897229,0.5441176471,-1,-1,-1,12.037061929702759,0.0,0.4915254237,-1,-1,-1,4.044481992721558,0.0804880265,0.7333333333,3.5363657474517822,0.151486849,0.7403846154
+qaoa_indep_tket_13,qaoa,13,-1,0.8666242768,0.7692307692,-1,0.7050201032,0.7692307692,0.14374613761901855,0.2333788131,0.7164179104,0.11697602272033691,0.4518387569,0.7272727273,-1,-1,-1,0.20931386947631836,0.0001400746,0.7272727273,-1,-1,-1,6.571379899978638,0.7701952101,0.7692307692,6.7189249992370605,0.8666242768,0.7692307692,1.3835117816925049,0.2018696186,0.7164179104,1.4075047969818115,0.3352094134,0.6428571429,-1,-1,-1,1.4120888710021973,1.11e-08,0.7073170732,-1,-1,-1,0.9928970336914062,0.5064882461,0.7692307692,0.8860459327697754,0.6002954198,0.7692307692
+wstate_indep_tket_28,wstate,28,-1,0.6829367293,0.462962963,-1,0.0,0.5327380952,6.4480140209198,0.1420953302,0.462962963,-1,-1,-1,-1,-1,-1,11.378026008605957,1.22673e-05,0.462962963,-1,-1,-1,-1,-1,-1,10.96239185333252,0.6829367293,0.462962963,1.6500988006591797,0.1776489545,0.462962963,-1,-1,-1,-1,-1,-1,1.6357357501983643,5.98e-08,0.462962963,-1,-1,-1,-1,-1,-1,1.722249984741211,0.3469093453,0.462962963
+graphstate_indep_qiskit_9,graphstate,9,-1,0.9559500778,0.4444444444,-1,0.2832604671,0.5789473684,0.20946526527404785,0.5389327597,0.4814814815,0.04328799247741699,0.6884291064,0.5,-1,-1,-1,0.77742600440979,0.069174805,0.4375,5.249880075454712,0.6802269931,0.4444444444,5.265673875808716,0.9121188378,0.4444444444,5.328531980514526,0.9559500778,0.4444444444,0.6608481407165527,0.5556633661,0.3888888889,0.5877912044525146,0.6095843433,0.3888888889,-1,-1,-1,0.5249979496002197,0.0104770921,0.3888888889,0.29669690132141113,0.4838494481,0.4444444444,0.3121929168701172,0.865891735,0.4444444444,0.46098875999450684,0.8210874671,0.4444444444
+wstate_indep_qiskit_20,wstate,20,-1,0.7639530883,0.4473684211,-1,0.0,0.3709677419,1.05708909034729,0.2395976831,0.4473684211,0.09700512886047363,0.3928752756,0.4473684211,-1,-1,-1,9.06552791595459,0.0016471772,0.4473684211,-1,-1,-1,8.297262191772461,0.6662908082,0.4473684211,8.435129880905151,0.7639530883,0.4473684211,1.1542267799377441,0.3014815249,0.4473684211,1.1480629444122314,0.3645924602,0.4473684211,-1,-1,-1,1.1423900127410889,1.78346e-05,0.4473684211,-1,-1,-1,1.1222069263458252,0.5634579429,0.4473684211,1.2140469551086426,0.4740286322,0.4473684211
+portfolioqaoa_indep_qiskit_6,portfolioqaoa,6,-1,0.8275962006,0.5333333333,-1,0.0,0.5566037736,0.25362110137939453,0.0010367191,0.3006134969,0.24350309371948242,0.2649692603,0.3006134969,2.204495906829834,6.255e-07,0.4293478261,0.4626750946044922,2e-10,0.1710526316,5.779484987258911,0.1686548617,0.5333333333,5.444058179855347,0.645635302,0.5333333333,5.416115999221802,0.8275962006,0.5333333333,1.8924589157104492,0.1076631416,0.3523809524,1.5401992797851562,0.2020501462,0.3915343915,1.5744860172271729,1.232e-07,0.347826087,1.7634248733520508,0.0,0.244047619,1.4766829013824463,0.004579229,0.5333333333,1.491943359375,0.315405319,0.5333333333,1.2268617153167725,0.4508892088,0.5333333333
+dj_indep_tket_23,dj,23,-1,0.8460729175,0.0,-1,0.0780686413,0.453271028,0.27297306060791016,0.1594925675,0.1194029851,0.23385405540466309,0.2892698004,0.0175438596,-1,-1,-1,0.2655017375946045,1.026e-06,0.1111111111,-1,-1,-1,9.057318210601807,0.7941028981,0.0,17.604714155197144,0.8460729175,0.0,1.426861047744751,0.0978595168,0.3305084746,8.221060991287231,0.0467310787,0.5483870968,-1,-1,-1,1.4341609477996826,0.0,0.4462809917,-1,-1,-1,0.7093839645385742,0.7330376341,0.0,0.7981841564178467,0.6850555819,0.0
+qpeexact_indep_qiskit_13,qpeexact,13,-1,0.4603160457,0.6092715232,-1,9.1e-09,0.6498237368,0.5095391273498535,0.001794363,0.4253164557,0.46457409858703613,0.033278982,0.4046997389,-1,-1,-1,1.015660047531128,0.0,0.4829721362,-1,-1,-1,45.67526292800903,0.1792044942,0.6331360947,35.284451961517334,0.4119082458,0.6294117647,7.571295976638794,0.0001284239,0.6051948052,3.3416519165039062,0.018177104,0.465060241,-1,-1,-1,4.126255035400391,0.0,0.4962216625,-1,-1,-1,2.982279062271118,0.1442023186,0.6092715232,2.5987939834594727,0.263185531,0.6052631579
+graphstate_indep_tket_80,graphstate,80,-1,0.0,0.8628605062,-1,0.0,0.8673279603,30.827154874801636,0.0457268576,0.8875,-1,-1,-1,-1,-1,-1,2.2829768657684326,3.71e-08,0.8875,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.3427770137786865,0.0320841022,0.8875,-1,-1,-1,-1,-1,-1,3.638021945953369,0.0,0.8604651163,-1,-1,-1,-1,-1,-1,-1,-1,-1
+twolocalrandom_indep_qiskit_5,twolocalrandom,5,-1,0.8631525904,0.4333333333,-1,3.931e-07,0.4345238095,0.2011251449584961,0.5173867638,0.1333333333,0.22355294227600098,0.2759993507,0.1333333333,15.263641834259033,0.0019875291,0.2888888889,0.2502708435058594,3.17e-08,0.2089552239,1.0349209308624268,0.2927234165,0.4333333333,4.49819016456604,0.7422407689,0.4333333333,4.498732805252075,0.8631525904,0.4333333333,0.9509010314941406,0.1233263237,0.2528735632,0.8927059173583984,0.4776271702,0.2666666667,0.7937760353088379,4.62477e-05,0.4035087719,0.8463170528411865,5.8e-09,0.2345679012,0.7128720283508301,0.1265577004,0.4333333333,0.7224571704864502,0.653046326,0.4333333333,0.8399229049682617,0.5883958064,0.4333333333
+dj_indep_tket_3,dj,3,-1,0.9821462784,0.0,-1,0.148649729,0.4821428571,0.029086828231811523,0.9190206454,0.0,0.016639232635498047,0.9502946054,0.0,8.717260122299194,0.7396699329,0.0,0.03490090370178223,0.6629314363,0.0,0.025377988815307617,0.9057229717,0.0,0.18891215324401855,0.977764962,0.0,0.3821899890899658,0.9821462784,0.0,0.10222506523132324,0.9397938458,0.0,0.0762481689453125,0.94234611,0.0,0.07124114036560059,0.6691160043,0.0,0.08855223655700684,0.6408895448,0.0,0.07690906524658203,0.8639943108,0.0,0.08916401863098145,0.970748939,0.0,0.10930609703063965,0.9626888457,0.0
+realamprandom_indep_tket_2,realamprandom,2,-1,0.9752889115,0.0,-1,0.9514229989,0.0,0.04000210762023926,0.9251305142,0.0,2.3721649646759033,0.93967417,0.0,0.030774831771850586,0.7792874271,0.0,0.03769874572753906,0.3164808033,0.0,0.0224151611328125,0.8463049475,0.0,0.03144097328186035,0.9641296472,0.0,0.03177189826965332,0.9752889115,0.0,0.07735514640808105,0.9160040437,0.0,0.05179905891418457,0.910781262,0.0,0.05178189277648926,0.5901801724,0.0,0.06406283378601074,0.5589780753,0.0,0.048725128173828125,0.817960852,0.0,0.061733245849609375,0.9591281878,0.0,0.08100605010986328,0.9636495995,0.0
+qpeexact_indep_qiskit_3,qpeexact,3,-1,0.9569127416,0.0,-1,0.8742967602,0.0,0.04003286361694336,0.8881686899,0.0,2.4339449405670166,0.931840047,0.0,0.05076098442077637,0.7507367928,0.0,0.04233694076538086,0.5074385964,0.0,0.037214040756225586,0.8054240086,0.0,0.18056511878967285,0.953350663,0.0,0.36031103134155273,0.9569127416,0.0,0.13520097732543945,0.9013026635,0.0,0.10695195198059082,0.9305445367,0.0,0.11046195030212402,0.5560751573,0.0,0.13229870796203613,0.5243408865,0.0,0.1100318431854248,0.7563310054,0.0,0.12234377861022949,0.9442404734,0.0,0.13333988189697266,0.9445557658,0.0
+su2random_indep_qiskit_2,su2random,2,-1,0.9723659696,0.0,-1,0.9379018633,0.0,0.04306507110595703,0.9243693585,0.0,0.03233814239501953,0.9390531224,0.0,0.034564971923828125,0.7757092761,0.0,0.03190898895263672,0.3153214239,0.0,0.028091907501220703,0.8374806253,0.0,0.03885006904602051,0.9625879651,0.0,0.03324699401855469,0.9723659696,0.0,0.07974410057067871,0.9155385386,0.0,0.05133533477783203,0.9105576282,0.0,0.05408215522766113,0.5699657914,0.0,0.06705212593078613,0.5574869934,0.0,0.05461597442626953,0.8030938944,0.0,0.08210206031799316,0.9564458494,0.0,0.16533422470092773,0.961723264,0.0
+qpeexact_indep_tket_10,qpeexact,10,-1,0.595976848,0.5408163265,-1,1.16976e-05,0.6103379722,0.2886037826538086,0.0302726655,0.3317757009,0.2740039825439453,0.1280189187,0.3248730964,-1,-1,-1,0.5783522129058838,0.0,0.3114754098,10.049322128295898,0.015804582,0.5463917526,10.037600040435791,0.371372678,0.5463917526,9.997150182723999,0.595976848,0.5408163265,2.1171042919158936,0.0256851879,0.5240384615,1.7748889923095703,0.0597519533,0.3613445378,-1,-1,-1,2.020125150680542,0.0,0.3730569948,1.6182591915130615,0.0059272879,0.5176470588,1.6455259323120117,0.3341779937,0.5176470588,1.823580265045166,0.4567947535,0.511627907
+graphstate_indep_qiskit_20,graphstate,20,-1,0.9047377161,0.65,-1,0.0,0.7267080745,0.1407618522644043,0.3865269666,0.65,0.05391073226928711,0.4635629163,0.65,-1,-1,-1,1.9092001914978027,0.0071918091,0.65,-1,-1,-1,8.391825199127197,0.8160698654,0.65,8.365910768508911,0.9047377161,0.65,0.7271480560302734,0.4567795897,0.65,0.6747770309448242,0.44969507,0.65,-1,-1,-1,0.7070200443267822,0.000523316,0.65,-1,-1,-1,0.6687057018280029,0.7240612906,0.65,0.8383381366729736,0.6406430709,0.65
+dj_indep_qiskit_9,dj,9,-1,0.9379523925,0.0,-1,0.1771979602,0.4054054054,0.06044292449951172,0.5368024147,0.0555555556,0.056344032287597656,0.7468002626,0.0,-1,-1,-1,0.12185311317443848,0.0239557245,0.0,4.676688194274902,0.6962671291,0.0,4.6981201171875,0.9187485456,0.0,4.733787775039673,0.9379523925,0.0,0.5957992076873779,0.4457847465,0.0,0.5195231437683105,0.5634577808,0.2692307692,-1,-1,-1,0.5594358444213867,0.0244218654,0.0588235294,0.27508091926574707,0.5750423952,0.0,0.4059789180755615,0.8923037718,0.0,0.4336388111114502,0.8692764232,0.0
+portfoliovqe_indep_tket_9,portfoliovqe,9,-1,0.689691771,0.6944444444,-1,0.0018105829,0.6944444444,0.693479061126709,0.0001578615,0.4056338028,0.5895030498504639,0.0199096512,0.527607362,-1,-1,-1,0.848128080368042,0.0,0.5172413793,9.26706576347351,0.0162736774,0.6944444444,9.332918167114258,0.3582212491,0.6944444444,9.211841583251953,0.689691771,0.6944444444,3.2370009422302246,0.0002430995,0.4909560724,4.7694010734558105,0.0019318667,0.5422535211,-1,-1,-1,3.097572088241577,0.0,0.5039370079,3.04590106010437,0.000867027,0.6944444444,2.7727229595184326,0.2289402989,0.6944444444,3.041933059692383,0.1711512767,0.6944444444
+portfoliovqe_indep_qiskit_11,portfoliovqe,11,-1,0.5577814736,0.7515151515,-1,6.70199e-05,0.7515151515,0.8889310359954834,0.0007075792,0.5992292871,0.9323577880859375,0.0024247216,0.6308016878,-1,-1,-1,1.4559829235076904,0.0,0.5841836735,0.31182169914245605,0.0018490429,0.7515151515,30.694917917251587,0.2083294313,0.7515151515,82.90333318710327,0.5577814736,0.7515151515,17.43560290336609,8.294e-07,0.6319758673,5.571901798248291,0.0003683166,0.5622119816,-1,-1,-1,17.490500926971436,0.0,0.6156462585,4.181262969970703,2.31901e-05,0.7515151515,4.196130990982056,0.1067603834,0.7515151515,4.499175310134888,0.0704520665,0.7515151515
+graphstate_indep_tket_3,graphstate,3,-1,0.9850956568,0.0,-1,0.1389093323,0.4736842105,1.858083724975586,0.8762002776,0.0,0.19192099571228027,0.8918969536,0.0,2.468303680419922,0.4413663922,0.0,0.37453699111938477,0.3672082753,0.0,3.093306064605713,0.8779287448,0.0,0.7781310081481934,0.9695450053,0.0,1.892637014389038,0.9850956568,0.0,0.2454671859741211,0.732348255,0.0,0.09598994255065918,0.8493202509,0.0,0.09344315528869629,0.4115176314,0.0,0.17901206016540527,0.4210150639,0.0,0.09026098251342773,0.7884971531,0.0,0.10381102561950684,0.9537710125,0.0,0.15274429321289062,0.9379664995,0.0
+realamprandom_indep_qiskit_7,realamprandom,7,-1,0.7646603011,0.6031746032,-1,0.0475575351,0.6031746032,14.274306774139404,0.2624176265,0.3741007194,4.607507944107056,0.234378996,0.2839506173,36.94700813293457,3.14e-08,0.425,0.5342462062835693,1.55e-08,0.3401360544,12.468846082687378,0.0811665348,0.6031746032,6.459078073501587,0.5403764418,0.6031746032,6.406455993652344,0.7646603011,0.6031746032,1.844372034072876,0.0058942789,0.4480874317,2.468709945678711,0.0352396813,0.3383838384,1.805238962173462,1e-08,0.5662650602,1.9113540649414062,0.0,0.4155844156,1.4690911769866943,0.0147407954,0.6031746032,1.477308988571167,0.4164697864,0.6031746032,1.7032392024993896,0.3451689196,0.6031746032
+dj_indep_tket_19,dj,19,-1,0.8709913874,0.0,-1,0.0,0.468,4.7430689334869385,0.195833192,0.0576923077,4.06357216835022,0.3932900698,0.0,-1,-1,-1,4.729588985443115,8.6308e-05,0.0377358491,-1,-1,-1,9.45198678970337,0.827313888,0.0,15.296777963638306,0.8709913874,0.0,1.3696749210357666,0.0822722916,0.2688172043,0.585921049118042,0.1489559441,0.5,-1,-1,-1,1.103322982788086,6.35e-08,0.4285714286,-1,-1,-1,0.8763940334320068,0.7753939398,0.0,0.6562039852142334,0.7332935001,0.0
+qft_indep_qiskit_70,qft,70,-1,0.0,0.8330367254,-1,0.0,0.8580316318,66.34133577346802,0.0,0.8069073783,-1,-1,-1,-1,-1,-1,49.807814836502075,0.0,0.845231361,-1,-1,-1,-1,-1,-1,-1,-1,-1,77.77518701553345,0.0,0.8396418757,-1,-1,-1,-1,-1,-1,84.49224495887756,0.0,0.7379356014,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qpeinexact_indep_tket_7,qpeinexact,7,-1,0.7601112306,0.3529411765,-1,0.0115882082,0.4716981132,6.089564800262451,0.2309955475,0.2134831461,1.8347132205963135,0.2790539813,0.2087912088,25.025359869003296,8.20243e-05,0.3211009174,0.2665860652923584,1.07e-08,0.1578947368,12.498149156570435,0.1110799653,0.3529411765,6.488672971725464,0.5925132446,0.3529411765,6.434324026107788,0.7601112306,0.3529411765,1.0855591297149658,0.2842956932,0.2555555556,1.032466173171997,0.1839835032,0.2688172043,1.037686824798584,0.0005470988,0.21875,1.1477508544921875,6.11e-08,0.2533333333,0.8206591606140137,0.0765758532,0.2857142857,0.8354907035827637,0.5786715776,0.2857142857,0.7539021968841553,0.6782378117,0.2857142857
+dj_indep_qiskit_20,dj,20,-1,0.8640451962,0.0,-1,0.0,0.7642045455,4.068053960800171,0.1866685866,0.0,3.0224761962890625,0.3842841291,0.0384615385,-1,-1,-1,0.8889498710632324,0.0001893885,0.0943396226,-1,-1,-1,15.232375860214233,0.8190469693,0.0,9.314550161361694,0.8640451962,0.0,1.185208797454834,0.1740757171,0.2117647059,0.9950528144836426,0.1142534656,0.5,-1,-1,-1,1.432770013809204,1.19e-08,0.4505494505,-1,-1,-1,0.5963261127471924,0.7648867228,0.0,0.6730608940124512,0.7216462193,0.0
+twolocalrandom_indep_tket_8,twolocalrandom,8,-1,0.7065040889,0.6547619048,-1,0.0175339314,0.6547619048,12.471486330032349,0.0029355974,0.3555555556,0.7568368911743164,0.1069855221,0.3502109705,9.414208173751831,3e-10,0.4907749077,2.2040457725524902,0.0,0.3979057592,9.159287214279175,0.0363287977,0.6547619048,7.917426347732544,0.442380602,0.6547619048,25.099799871444702,0.7065040889,0.6547619048,2.5736701488494873,0.000970306,0.4833333333,2.292588949203491,0.0281832132,0.4833333333,2.2276387214660645,0.0,0.6374269006,2.1622800827026367,0.0,0.619047619,1.9034781455993652,0.0037955182,0.6547619048,1.9145269393920898,0.3133439985,0.6547619048,2.410799026489258,0.247845394,0.6547619048
+qnn_indep_tket_30,qnn,30,-1,0.0005991317,0.8852459016,-1,0.0005991317,0.8852459016,6.167135000228882,0.0,0.8376511226,-1,-1,-1,-1,-1,-1,10.542107105255127,0.0,0.7700518451,-1,-1,-1,-1,-1,-1,90.8837308883667,0.0005991317,0.8852459016,29.481762886047363,0.0,0.7276844688,-1,-1,-1,-1,-1,-1,31.12676692008972,0.0,0.7660377358,-1,-1,-1,-1,-1,-1,33.005688190460205,3.077e-07,0.8709677419
+pricingcall_indep_qiskit_9,pricingcall,9,-1,0.4705674736,0.2260273973,-1,7.80029e-05,0.3300395257,2.7055671215057373,0.0193308976,0.1660377358,1.6608140468597412,0.0204243615,0.1589147287,-1,-1,-1,0.8557941913604736,0.0,0.2478632479,7.805736780166626,0.0018086468,0.1338028169,7.841779947280884,0.2259861593,0.1338028169,19.783050060272217,0.4682165203,0.1621621622,3.0207722187042236,0.0137381172,0.2572347267,2.960566997528076,0.0145242236,0.238410596,-1,-1,-1,3.182292938232422,0.0,0.2012987013,2.6878840923309326,9.70676e-05,0.2142857143,2.701011896133423,0.145658869,0.2142857143,3.2092857360839844,0.1351539779,0.203539823
+vqe_indep_tket_15,vqe,15,-1,0.7991582448,0.4285714286,-1,0.0222151969,0.49375,0.3578062057495117,0.3103314181,0.4285714286,0.0927281379699707,0.4433439653,0.4285714286,-1,-1,-1,3.869901657104492,0.0025611284,0.4285714286,-1,-1,-1,7.118758916854858,0.7331517292,0.4285714286,7.318278074264526,0.7991582448,0.4285714286,0.8782908916473389,0.3888051582,0.4285714286,1.0436210632324219,0.5091994018,0.4285714286,-1,-1,-1,0.9070138931274414,0.0016726913,0.4285714286,-1,-1,-1,0.9450299739837646,0.6453076315,0.4285714286,1.0530359745025635,0.5552268996,0.4285714286
+random_indep_tket_5,random,5,-1,0.8095984726,0.4594594595,-1,0.0125332599,0.4684210526,0.14870500564575195,0.1670284606,0.2941176471,0.13884520530700684,0.5322113549,0.2941176471,0.3858671188354492,0.0240116489,0.2941176471,0.1819322109222412,0.0105520911,0.2941176471,1.065314769744873,0.2999966654,0.375,26.022720098495483,0.7613728334,0.375,7.811524868011475,0.8112201015,0.4594594595,0.6433978080749512,0.3807104827,0.0930232558,0.5799639225006104,0.5559371126,0.0930232558,0.6267750263214111,0.0268274556,0.2325581395,0.6961851119995117,0.0094512472,0.325,0.5936918258666992,0.1872369878,0.36,0.6036407947540283,0.706178034,0.36,0.6432650089263916,0.7059334732,0.4
+graphstate_indep_tket_14,graphstate,14,-1,0.9323219019,0.7142857143,-1,0.0014315112,0.7746478873,0.07340312004089355,0.4077355836,0.7,0.057836055755615234,0.6019025512,0.7,-1,-1,-1,0.12175774574279785,0.0100021889,0.5769230769,-1,-1,-1,6.351963043212891,0.8660617917,0.7142857143,33.91340398788452,0.9323219019,0.7142857143,0.8554160594940186,0.1567681961,0.4153846154,0.736419677734375,0.5170638058,0.6285714286,-1,-1,-1,0.8307771682739258,0.0008773664,0.6571428571,-1,-1,-1,0.45945167541503906,0.800743423,0.7142857143,0.5066468715667725,0.739195229,0.7142857143
+groundstate_medium_indep_tket_12,groundstate,12,-1,0.6183892171,0.75,-1,0.2775836184,0.75,0.7910759449005127,0.0026669642,0.6252983294,0.7085800170898438,0.0091756716,0.4710920771,-1,-1,-1,1.2319087982177734,0.0,0.4490358127,-1,-1,-1,36.654964208602905,0.2878759037,0.75,60.31043982505798,0.6183892171,0.75,13.809936285018921,1.15459e-05,0.5649452269,3.8390519618988037,0.0011195289,0.5254237288,-1,-1,-1,15.180864095687866,0.0,0.7264957265,-1,-1,-1,3.2430367469787598,0.1674728332,0.75,3.5029349327087402,0.121912798,0.75
+qaoa_indep_tket_8,qaoa,8,-1,0.9156764862,0.6875,-1,0.359597462,0.6875,0.12596607208251953,0.3266612534,0.66,0.10756516456604004,0.4770712887,0.66,0.1669609546661377,0.0414409216,0.6875,2.427060842514038,0.0096156869,0.6875,22.721914768218994,0.5135566962,0.6875,8.097859144210815,0.851561239,0.6875,5.040174245834351,0.9156764862,0.6875,0.8676848411560059,0.2564390556,0.7076923077,0.837752103805542,0.4474267956,0.75,0.645103931427002,0.0372172437,0.6875,0.6810059547424316,0.0012061682,0.6875,0.6415131092071533,0.1384273669,0.6875,0.6521799564361572,0.657186516,0.6875,0.5350620746612549,0.7369754264,0.6875
+qnn_indep_tket_5,qnn,5,-1,0.7991197836,0.3636363636,-1,0.0014746384,0.3333333333,0.14505696296691895,0.4701126783,0.1408450704,0.12832093238830566,0.4839035882,0.1408450704,32.3403639793396,0.002985917,0.2409638554,2.411757707595825,1.19e-08,0.2191780822,1.0653057098388672,0.158702507,0.3720930233,20.18013024330139,0.6443975685,0.3720930233,4.553439140319824,0.7991197836,0.3636363636,0.9980778694152832,0.2203970996,0.1818181818,0.9413719177246094,0.4002169239,0.1818181818,0.8421399593353271,9.10689e-05,0.359223301,0.8895628452301025,1.887e-07,0.2025316456,0.7690789699554443,0.0724959057,0.3720930233,0.7858428955078125,0.5717443504,0.3720930233,0.9110729694366455,0.6444926641,0.3333333333
+su2random_indep_tket_5,su2random,5,-1,0.8571286183,0.4333333333,-1,0.0053361286,0.507751938,5.9334800243377686,0.5175108606,0.1333333333,0.20363211631774902,0.2761491803,0.1333333333,1.1587419509887695,0.001911216,0.2888888889,1.7450649738311768,3.33e-08,0.2089552239,1.0461499691009521,0.2727286202,0.4333333333,4.499313831329346,0.7342661142,0.4333333333,4.54187798500061,0.8571286183,0.4333333333,0.9547860622406006,0.1229713869,0.2528735632,0.8968520164489746,0.4768625354,0.2666666667,0.8006830215454102,4.2102e-05,0.4035087719,0.8501451015472412,5.7e-09,0.2345679012,0.7282280921936035,0.1216797078,0.4333333333,0.7414720058441162,0.6491390002,0.4333333333,0.9154889583587646,0.5848742458,0.4333333333
+qpeexact_indep_tket_5,qpeexact,5,-1,0.8657576525,0.1923076923,-1,1.2e-09,0.4173228346,0.5803890228271484,0.3181452398,0.0555555556,0.2838759422302246,0.7440622676,0.0588235294,0.3789949417114258,0.0500766873,0.0555555556,0.1533660888671875,5.57321e-05,0.1351351351,1.0379669666290283,0.3323684029,0.2,4.495522975921631,0.7708431403,0.2,4.4877729415893555,0.8657576525,0.1923076923,0.6026220321655273,0.5676726039,0.0,0.5450210571289062,0.7275143492,0.1176470588,0.44306468963623047,0.0170217587,0.1162790698,0.5144309997558594,0.0001181448,0.064516129,0.503532886505127,0.3035326894,0.1052631579,0.43877482414245605,0.7772258279,0.1052631579,0.40154385566711426,0.8276833351,0.1
+vqe_indep_tket_7,vqe,7,-1,0.9029508739,0.3333333333,-1,0.3979128231,0.4166666667,0.792978048324585,0.6035129981,0.3333333333,0.04700303077697754,0.7555248754,0.3333333333,0.33316469192504883,0.185790886,0.3333333333,0.138197660446167,0.049861118,0.3333333333,4.3632800579071045,0.5563990508,0.3333333333,4.427907228469849,0.874838888,0.3333333333,4.442906856536865,0.9029508739,0.3333333333,0.3974580764770508,0.7618750868,0.3333333333,0.36743593215942383,0.6713590215,0.3333333333,0.4019432067871094,0.1992896527,0.3333333333,0.39441514015197754,0.0366932461,0.3333333333,0.36083030700683594,0.389596101,0.3333333333,2.000152111053467,0.82850996,0.3333333333,0.4104180335998535,0.774789669,0.3333333333
+qftentangled_indep_qiskit_40,qftentangled,40,-1,0.0,0.388374676,-1,0.0,0.8202027183,9.661148309707642,0.0,0.7400218699,-1,-1,-1,-1,-1,-1,12.90355396270752,0.0,0.7766593268,-1,-1,-1,-1,-1,-1,-1,-1,-1,33.03002691268921,0.0,0.7765531062,-1,-1,-1,-1,-1,-1,35.03521800041199,0.0,0.8482014388,-1,-1,-1,-1,-1,-1,-1,-1,-1
+wstate_indep_tket_24,wstate,24,-1,0.722309922,0.4565217391,-1,5.60329e-05,0.6112469438,2.6985929012298584,0.1976409407,0.4565217391,0.1754150390625,0.2261227433,0.3888888889,-1,-1,-1,10.422148704528809,6.37239e-05,0.4565217391,-1,-1,-1,9.876495122909546,0.6119088494,0.4565217391,9.778534173965454,0.722309922,0.4565217391,1.4015450477600098,0.2117995845,0.4565217391,2.0839531421661377,0.1072177005,0.4461538462,-1,-1,-1,1.3848061561584473,4.374e-07,0.4565217391,-1,-1,-1,1.3420207500457764,0.4995675188,0.4565217391,1.9404170513153076,0.4055181407,0.4565217391
+tsp_indep_qiskit_9,tsp,9,-1,0.795141735,0.6,-1,0.3024772341,0.6,0.19400596618652344,0.2970586081,0.6,0.14839386940002441,0.4816365949,0.6,-1,-1,-1,0.32303786277770996,0.0025353843,0.6,4.80271315574646,0.1688635037,0.6,4.794290065765381,0.657761354,0.6,11.80482006072998,0.795141735,0.6,1.213672161102295,0.529253429,0.6,1.1827776432037354,0.4522166463,0.6,-1,-1,-1,1.1653640270233154,0.0001994647,0.6,1.1416850090026855,0.0551566566,0.6,1.1568272113800049,0.5544673996,0.6,1.2620317935943604,0.4508959903,0.6
+wstate_indep_tket_25,wstate,25,-1,0.7122587661,0.4583333333,-1,3.91688e-05,0.618705036,3.509429931640625,0.1859356382,0.4583333333,0.17251992225646973,0.2955115261,0.3,-1,-1,-1,10.59879183769226,2.06923e-05,0.4583333333,-1,-1,-1,0.1302177906036377,0.5990215713,0.4583333333,10.035637855529785,0.7122587661,0.4583333333,1.5965640544891357,0.2039155,0.4583333333,2.4461262226104736,0.148530344,0.5213675214,-1,-1,-1,1.4634931087493896,3.606e-07,0.4583333333,-1,-1,-1,1.4147181510925293,0.484760657,0.4583333333,1.5423166751861572,0.389997403,0.4583333333
+dj_indep_qiskit_60,dj,60,-1,0.0002370945,0.3253012048,-1,0.0,0.8776206728,0.7136662006378174,0.0031936312,0.1976744186,-1,-1,-1,-1,-1,-1,0.8166050910949707,0.0,0.2105263158,-1,-1,-1,-1,-1,-1,-1,-1,-1,4.299183130264282,3e-10,0.7806505421,-1,-1,-1,-1,-1,-1,3.895965099334717,0.0,0.7405764967,-1,-1,-1,-1,-1,-1,-1,-1,-1
+su2random_indep_tket_4,su2random,4,-1,0.9011296113,0.2777777778,-1,0.4901223002,0.2753623188,0.08586788177490234,0.4269611715,0.0,0.6300442218780518,0.6568596526,0.0,0.5025949478149414,0.0063598623,0.2083333333,0.1662449836730957,0.0142044464,0.0,0.16474127769470215,0.4425488854,0.2777777778,3.6998021602630615,0.8263215083,0.2777777778,3.7214159965515137,0.9011296113,0.2777777778,0.5244600772857666,0.2526484057,0.0,0.41841673851013184,0.6241947626,0.0,0.43438076972961426,0.003859583,0.2222222222,0.5470330715179443,1.57299e-05,0.1944444444,0.40749597549438477,0.273252497,0.2777777778,0.4209253787994385,0.7676771055,0.2777777778,0.48886895179748535,0.7137498296,0.2777777778
+qpeexact_indep_tket_4,qpeexact,4,-1,0.9351329095,0.0,-1,0.2461816566,0.4776119403,0.047888994216918945,0.6767894051,0.0,1.983262062072754,0.687453147,0.0,0.22664713859558105,0.1365864336,0.0,0.06600308418273926,0.1093932278,0.0,0.15788912773132324,0.6439846233,0.0,3.3940680027008057,0.9011999424,0.0,3.5674610137939453,0.9351329095,0.0,0.3095729351043701,0.8003728091,0.1,0.23065781593322754,0.8238057095,0.1,0.16182398796081543,0.25630854,0.1,0.2953670024871826,0.1552110068,0.1,0.16679883003234863,0.626808045,0.1428571429,0.17656588554382324,0.9074611249,0.1428571429,0.18006491661071777,0.9184621713,0.25
+vqe_indep_tket_6,vqe,6,-1,0.9175271494,0.3,-1,0.6560192414,0.3548387097,0.06421089172363281,0.7640605952,0.3,0.04145097732543945,0.7745679029,0.3,0.07651185989379883,0.2484745551,0.3,0.3101630210876465,0.1530358056,0.3,3.779332160949707,0.6127071802,0.3,3.7803258895874023,0.8943754239,0.3,3.8407821655273438,0.9175271494,0.3,0.3058309555053711,0.7860912609,0.3,0.2742280960083008,0.7132739307,0.3,0.3036949634552002,0.2326591391,0.3,0.297544002532959,0.0823612955,0.3,0.26947021484375,0.4521075368,0.3,0.2796900272369385,0.8538165361,0.3,0.31900596618652344,0.8072376635,0.3
+qftentangled_indep_qiskit_16,qftentangled,16,-1,0.2588665774,0.7647058824,-1,0.010070567,0.7741935484,1.0227489471435547,1.3602e-06,0.581512605,1.2275269031524658,0.0074506452,0.6300813008,-1,-1,-1,1.9788100719451904,0.0,0.55,-1,-1,-1,49.58464503288269,0.0586169242,0.7741935484,45.00372505187988,0.2207787432,0.7741935484,6.7507829666137695,6.806e-07,0.763546798,5.459743022918701,0.0001200271,0.5077658303,-1,-1,-1,6.582633972167969,0.0,0.5660377358,-1,-1,-1,5.258420944213867,0.037423966,0.7647058824,4.535730838775635,0.0886891792,0.7703703704
+random_indep_qiskit_30,random,30,-1,0.0,0.7114446529,-1,0.0,0.7766023647,11.71191668510437,0.0,0.7217232852,-1,-1,-1,-1,-1,-1,21.186822175979614,0.0,0.6903625954,-1,-1,-1,-1,-1,-1,85.26051878929138,0.0001486019,0.7766023647,39.24835467338562,0.0,0.6951926009,-1,-1,-1,-1,-1,-1,42.61959481239319,0.0,0.6952094423,-1,-1,-1,-1,-1,-1,39.12635326385498,9e-10,0.7782571182
+qaoa_indep_tket_9,qaoa,9,-1,0.9056488079,0.6666666667,-1,2.939e-07,0.6666666667,0.13691091537475586,0.3136755015,0.6111111111,0.11432099342346191,0.4759053891,0.6666666667,-1,-1,-1,0.5794486999511719,5.23799e-05,0.5641025641,5.000687837600708,0.4725110246,0.6666666667,5.0261900424957275,0.8346278473,0.6666666667,5.049088954925537,0.9056488079,0.6666666667,1.006105899810791,0.2703468583,0.6140350877,0.9664351940155029,0.4442453656,0.6140350877,-1,-1,-1,0.9255931377410889,1.40893e-05,0.5740740741,0.6452627182006836,0.1080413982,0.6666666667,0.6552479267120361,0.6235284679,0.6666666667,0.6131808757781982,0.7003099452,0.6666666667
+qft_indep_qiskit_30,qft,30,-1,0.0,0.6518289996,-1,2.685e-07,0.8721311475,3.5751399993896484,0.0,0.7536873156,-1,-1,-1,-1,-1,-1,6.082282066345215,0.0,0.7362804878,-1,-1,-1,-1,-1,-1,93.19664216041565,0.0093714599,0.8721311475,17.12723183631897,0.0,0.7610136452,-1,-1,-1,-1,-1,-1,18.08391809463501,0.0,0.7008230453,-1,-1,-1,-1,-1,-1,13.819219827651978,0.0004554815,0.8689655172
+qnn_indep_tket_4,qnn,4,-1,0.8657550483,0.2222222222,-1,0.0144353533,0.5329949239,0.09215521812438965,0.3827816582,0.0,0.23833703994750977,0.7197849462,0.0,0.7670648097991943,0.0130504991,0.0892857143,0.16411709785461426,0.0088904154,0.0,0.18062901496887207,0.3188096841,0.2307692308,3.8438260555267334,0.7631405046,0.2307692308,3.7238078117370605,0.8657550483,0.2222222222,0.5662779808044434,0.1830758743,0.0,0.46114397048950195,0.5919630395,0.0,0.49523305892944336,0.0044270385,0.1935483871,0.6107578277587891,6.17182e-05,0.2105263158,0.4364900588989258,0.199968947,0.2307692308,0.44672203063964844,0.7106840224,0.2307692308,0.5470800399780273,0.7624786959,0.2
+vqe_indep_tket_14,vqe,14,-1,0.8080068203,0.4230769231,-1,0.0151297402,0.595890411,0.2794339656829834,0.3355444881,0.4230769231,0.0907440185546875,0.4708861485,0.4230769231,-1,-1,-1,2.3339250087738037,0.0033538204,0.4230769231,-1,-1,-1,6.658374071121216,0.7489246674,0.4230769231,6.671196937561035,0.805585223,0.4230769231,0.846923828125,0.5459642625,0.4230769231,0.8128619194030762,0.5208006979,0.4230769231,-1,-1,-1,0.8652150630950928,0.0019533169,0.4230769231,-1,-1,-1,0.8164563179016113,0.6650183502,0.4230769231,0.8895840644836426,0.5773232802,0.4230769231
+graphstate_indep_tket_15,graphstate,15,-1,0.9276668158,0.8,-1,0.8149309249,0.8,0.08398199081420898,0.4435413564,0.75,0.06525278091430664,0.5135188423,0.7272727273,-1,-1,-1,1.006392002105713,0.0227348795,0.7,-1,-1,-1,6.881594181060791,0.8574076853,0.8,7.192640066146851,0.9276668158,0.8,0.8086020946502686,0.2058198467,0.5964912281,0.9041030406951904,0.4277667435,0.5333333333,-1,-1,-1,0.8829669952392578,1.4437e-06,0.6470588235,-1,-1,-1,0.506458044052124,0.7876836526,0.8,0.5579230785369873,0.7223772796,0.8
+random_indep_tket_4,random,4,-1,0.858860951,0.25,-1,0.0258753061,0.4381443299,0.12285494804382324,0.6637928773,0.1714285714,0.10837912559509277,0.5506712056,0.1714285714,0.4969038963317871,0.0203991332,0.1714285714,0.17940688133239746,0.0025927268,0.21875,0.2172698974609375,0.3252932634,0.2608695652,4.132512092590332,0.7739963712,0.2608695652,4.09049916267395,0.858860951,0.25,0.6013321876525879,0.4461918497,0.0,0.5041439533233643,0.6137227348,0.0,0.5277669429779053,0.0220919695,0.1388888889,0.6711840629577637,0.0002665348,0.1818181818,0.5110888481140137,0.2067837859,0.2083333333,0.5244400501251221,0.719611786,0.2083333333,0.6102859973907471,0.730362526,0.1578947368
+qpeinexact_indep_tket_6,qpeinexact,6,-1,0.8226652919,0.25,-1,0.0114770523,0.4444444444,0.11299300193786621,0.3659684354,0.1111111111,0.09081697463989258,0.4806388006,0.1379310345,0.6784090995788574,0.0020965759,0.2463768116,0.2045607566833496,0.0004568024,0.1296296296,5.740894079208374,0.2107595587,0.25,5.772900104522705,0.6904992093,0.25,9.052907705307007,0.8226652919,0.25,0.838331937789917,0.4738641331,0.15,0.6373529434204102,0.4887323599,0.1754385965,0.7138490676879883,0.0036827035,0.2361111111,0.839709997177124,2.017e-07,0.137254902,0.6104679107666016,0.1589633447,0.2,0.6225929260253906,0.6761771054,0.2,0.5630660057067871,0.7571573304,0.2
+dj_indep_qiskit_21,dj,21,-1,0.8580124137,0.0,-1,0.0,0.4912280702,0.1367330551147461,0.2522181483,0.0357142857,0.1286780834197998,0.3566388907,0.0588235294,-1,-1,-1,0.3587062358856201,7.95271e-05,0.0217391304,-1,-1,-1,12.378050088882446,0.8111871324,0.0,9.836472749710083,0.8580124137,0.0,1.4433190822601318,0.1306021862,0.3663366337,1.179569959640503,0.0961582825,0.4790419162,-1,-1,-1,1.4075441360473633,1e-10,0.2788461538,-1,-1,-1,0.6402380466461182,0.7539183903,0.0,0.7200336456298828,0.7087642806,0.0
+twolocalrandom_indep_tket_9,twolocalrandom,9,-1,0.6495077505,0.6944444444,-1,0.0056162499,0.6944444444,0.806513786315918,0.0002894418,0.4164133739,0.8247637748718262,0.0414594559,0.5410447761,-1,-1,-1,1.0358221530914307,0.0,0.5098039216,8.871042013168335,0.0148475478,0.6944444444,8.956799983978271,0.3532401047,0.6944444444,8.91477918624878,0.6495077505,0.6944444444,3.2061779499053955,0.0002424848,0.4909560724,2.958004951477051,0.0019301074,0.5422535211,-1,-1,-1,3.05604887008667,0.0,0.5039370079,2.5108470916748047,0.0008056897,0.6944444444,2.5248188972473145,0.226389966,0.6944444444,2.907069206237793,0.1691087198,0.6944444444
+realamprandom_indep_qiskit_6,realamprandom,6,-1,0.8152687798,0.5333333333,-1,0.112064106,0.5333333333,0.32483577728271484,0.0124021419,0.3367346939,0.3028271198272705,0.4529908283,0.3367346939,1.409477710723877,2.55197e-05,0.4388489209,0.5072529315948486,1.871e-07,0.1495327103,5.4774839878082275,0.1617299381,0.5333333333,5.5017170906066895,0.6415156091,0.5333333333,8.798434257507324,0.8152687798,0.5333333333,1.2533926963806152,0.1941960161,0.3515151515,1.1169488430023193,0.3211193124,0.4027777778,1.1144850254058838,7.3698e-06,0.2962962963,1.305351972579956,9.9e-09,0.2032520325,1.0040390491485596,0.0476946288,0.5333333333,1.0148768424987793,0.5324006067,0.5333333333,1.1758818626403809,0.4623093062,0.5333333333
+dj_indep_tket_18,dj,18,-1,0.8762383111,0.0,-1,0.086578414,0.575,0.2005469799041748,0.2040770273,0.0816326531,0.18329596519470215,0.3744990497,0.0217391304,-1,-1,-1,0.18919134140014648,0.0002721448,0.0,-1,-1,-1,7.728003025054932,0.8356642475,0.0,7.693898916244507,0.8762383111,0.0,1.0732932090759277,0.2462390294,0.186440678,0.5402932167053223,0.1955072148,0.5210084034,-1,-1,-1,1.2394580841064453,1.191e-07,0.3529411765,-1,-1,-1,0.539902925491333,0.786674708,0.0,0.6108312606811523,0.7466212625,0.0
+portfoliovqe_indep_qiskit_10,portfoliovqe,10,-1,0.6152978962,0.7259259259,-1,0.000379652,0.7259259259,0.6840641498565674,0.0027864366,0.5120192308,0.6632392406463623,0.0014290241,0.5096153846,-1,-1,-1,2.4910390377044678,0.0,0.552238806,10.47258186340332,0.0056881154,0.7259259259,10.389177799224854,0.2762203819,0.7259259259,10.388489961624146,0.6152978962,0.7259259259,10.685589075088501,1.14331e-05,0.6026365348,4.619651794433594,0.0006651208,0.6060606061,-1,-1,-1,10.311631917953491,0.0,0.6329113924,3.258448839187622,0.0001493646,0.7259259259,3.2767059803009033,0.158457732,0.7259259259,3.5317580699920654,0.112985441,0.7259259259
+pricingput_indep_qiskit_5,pricingput,5,-1,0.7669888696,0.06,-1,0.0143304277,0.4038461538,0.190903902053833,0.1590366144,0.0416666667,0.1749110221862793,0.4128880561,0.0416666667,0.8707530498504639,0.0012850803,0.0416666667,0.4362001419067383,1.08342e-05,0.0428571429,1.1059901714324951,0.1037353541,0.06,4.632269859313965,0.5932489987,0.06,4.595582962036133,0.7669888696,0.06,0.939659833908081,0.2884304572,0.0326086957,0.8773541450500488,0.3402092663,0.0326086957,1.0534439086914062,0.0003268958,0.0697674419,1.1160330772399902,1.14e-08,0.1298701299,0.9042418003082275,0.0383244769,0.06,0.897831916809082,0.5055172684,0.06,1.0645360946655273,0.5145597912,0.0540540541
+su2random_indep_qiskit_3,su2random,3,-1,0.9426534211,0.0,-1,1.03038e-05,0.4027777778,0.08718609809875488,0.7627686513,0.0,0.08009600639343262,0.8013131108,0.0,0.2649989128112793,0.1572620939,0.0,0.10959482192993164,0.1750444856,0.0,0.18027019500732422,0.6438063833,0.0,0.19779300689697266,0.9044876093,0.0,0.3681299686431885,0.9426534211,0.0,0.28002405166625977,0.4045669882,0.0,0.17639398574829102,0.7016923715,0.0,0.1787412166595459,0.1080606505,0.0,0.2712981700897217,0.0555316104,0.0,0.17188143730163574,0.5045668274,0.0,0.18404793739318848,0.8714523292,0.0,0.22132229804992676,0.8351723801,0.0
+qpeexact_indep_tket_11,qpeexact,11,-1,0.5195962452,0.544,-1,3.43e-07,0.5859766277,0.361234188079834,0.0236241836,0.2905660377,0.3473069667816162,0.0172834027,0.3592592593,-1,-1,-1,0.8555779457092285,0.0,0.2177777778,0.2108011245727539,0.0050532731,0.5483870968,29.171347856521606,0.2824923818,0.5483870968,29.285184860229492,0.5195962452,0.544,14.618106126785278,0.0034776098,0.4671814672,3.475123882293701,0.0840491713,0.4534412955,-1,-1,-1,23.269112825393677,0.0,0.515625,2.0747880935668945,0.0014009154,0.5137614679,2.088809013366699,0.2454355651,0.5137614679,1.8103487491607666,0.36910882,0.5090909091
+dj_indep_qiskit_8,dj,8,-1,0.9445472421,0.0,-1,0.2143659774,0.4137931034,0.09208440780639648,0.6408504469,0.0,0.07008695602416992,0.6785624171,0.0,0.1955418586730957,0.1199798638,0.0,0.0932619571685791,0.0684846135,0.0,4.708132028579712,0.7239792016,0.0,4.729353427886963,0.9276505774,0.0,4.82588791847229,0.9445472421,0.0,0.5658819675445557,0.527832462,0.0,0.43864917755126953,0.6198947374,0.2272727273,0.4380159378051758,0.0768621491,0.04,0.5356869697570801,0.140734467,0.0,0.22626686096191406,0.6170301638,0.0,0.23019695281982422,0.905285395,0.0,0.2645587921142578,0.8850757036,0.0
+graphstate_indep_qiskit_21,graphstate,21,-1,0.900220358,0.7619047619,-1,0.7508775471,0.7619047619,0.17639398574829102,0.18265494,0.7301587302,0.09535622596740723,0.4197629978,0.6111111111,-1,-1,-1,1.570998191833496,4.3e-07,0.6833333333,-1,-1,-1,9.91807508468628,0.8066234133,0.7619047619,8.949055910110474,0.900220358,0.7619047619,1.3883519172668457,0.1596020113,0.4782608696,1.3737380504608154,0.1824140334,0.637254902,-1,-1,-1,1.7519102096557617,4.71607e-05,0.5925925926,-1,-1,-1,0.6797082424163818,0.7151074583,0.7619047619,0.7499349117279053,0.6323625962,0.7619047619
+portfoliovqe_indep_tket_8,portfoliovqe,8,-1,0.7287600293,0.6547619048,-1,0.0072694569,0.6547619048,0.4244840145111084,0.0015569851,0.3625498008,0.4082322120666504,0.083504548,0.3524904215,2.829519033432007,4e-10,0.4907749077,0.6835930347442627,0.0,0.4123222749,7.903423070907593,0.038788387,0.6547619048,7.961617946624756,0.4468274949,0.6547619048,7.922060966491699,0.7287600293,0.6547619048,2.6220219135284424,0.0009709346,0.4833333333,2.328542947769165,0.028216708,0.4833333333,2.1076159477233887,0.0,0.6374269006,2.0959718227386475,0.0,0.619047619,2.076159954071045,0.003927041,0.6547619048,2.0354690551757812,0.3149779587,0.6547619048,2.1908159255981445,0.2508389612,0.6547619048
+twolocalrandom_indep_qiskit_4,twolocalrandom,4,-1,0.9056488079,0.2777777778,-1,0.0150519965,0.519047619,0.48253893852233887,0.4269611715,0.0,2.726768970489502,0.6568596526,0.0,5.0809972286224365,0.0064154892,0.2083333333,0.1496889591217041,0.0145949606,0.0,0.16079092025756836,0.4627087621,0.2777777778,3.6475539207458496,0.8319607743,0.2777777778,3.643953800201416,0.9056488079,0.2777777778,0.5273399353027344,0.2534812171,0.0,0.4228668212890625,0.6261643669,0.0,0.43341684341430664,0.0040020039,0.2222222222,0.5498239994049072,1.58732e-05,0.1944444444,0.40219879150390625,0.2812434682,0.2777777778,0.4162740707397461,0.7710630055,0.2777777778,0.4806337356567383,0.7202058149,0.2777777778
+dj_indep_tket_2,dj,2,-1,0.9890518602,0.0,-1,0.9781982236,0.0,0.024139881134033203,0.9721261694,0.0,0.013303041458129883,0.9581333748,0.0,0.016117095947265625,0.9028830422,0.0,0.025442838668823242,0.6726086056,0.0,0.012068033218383789,0.9492042272,0.0,0.019011735916137695,0.9884244567,0.0,0.024089813232421875,0.9890518602,0.0,0.05485701560974121,0.9449645073,0.0,0.028837919235229492,0.9664346083,0.0,0.04055309295654297,0.811754325,0.0,0.04232501983642578,0.8163689988,0.0,0.029786109924316406,0.9270804301,0.0,0.043186187744140625,0.9848718166,0.0,0.06042289733886719,0.9801859164,0.0
+qft_indep_tket_60,qft,60,-1,0.0,0.7108990148,-1,0.0,0.864158978,19.38463807106018,0.0,0.812117991,-1,-1,-1,-1,-1,-1,30.4413423538208,0.0,0.8252911814,-1,-1,-1,-1,-1,-1,-1,-1,-1,60.90069508552551,0.0,0.8345864662,-1,-1,-1,-1,-1,-1,65.43936610221863,0.0,0.7346500644,-1,-1,-1,-1,-1,-1,-1,-1,-1
+realamprandom_indep_tket_3,realamprandom,3,-1,0.9464334802,0.0,-1,1.484e-07,0.3793103448,0.0631711483001709,0.7629416391,0.0,0.050496816635131836,0.8014665616,0.0,0.25793004035949707,0.1594508636,0.0,0.10691618919372559,0.1756818081,0.0,0.04166007041931152,0.6678634357,0.0,0.4594130516052246,0.9095679677,0.0,0.37821102142333984,0.9464334802,0.0,0.27985191345214844,0.4050650143,0.0,0.17183518409729004,0.7023162072,0.0,0.17725920677185059,0.1148893894,0.0,0.26511716842651367,0.0556737218,0.0,0.16278600692749023,0.5152558328,0.0,0.1867809295654297,0.8742460029,0.0,0.21022725105285645,0.8376829166,0.0
+qpeexact_indep_qiskit_2,qpeexact,2,-1,0.9870717764,0.0,-1,0.9773786509,0.0,0.02766108512878418,0.9717261763,0.0,0.016002178192138672,0.9560047924,0.0,0.01969599723815918,0.903786829,0.0,0.03500485420227051,0.674263736,0.0,0.12551093101501465,0.9417715795,0.0,0.0240781307220459,0.9872388217,0.0,0.027032136917114258,0.9870717764,0.0,0.05712604522705078,0.9803381684,0.0,0.031516075134277344,0.9541361859,0.0,0.029951810836791992,0.7803463727,0.0,0.04548192024230957,0.7995528091,0.0,0.031330108642578125,0.9174138715,0.0,0.044733285903930664,0.9832969669,0.0,0.04971122741699219,0.9762710499,0.0
+qpeexact_indep_qiskit_12,qpeexact,12,-1,0.5201101035,0.5581395349,-1,0.0006029439,0.6221719457,0.44205689430236816,0.0149193314,0.3,0.6855831146240234,0.0550748267,0.3322683706,-1,-1,-1,0.8635470867156982,0.0,0.3492647059,-1,-1,-1,32.60316205024719,0.2309027428,0.5833333333,39.22944498062134,0.4691585936,0.5793103448,15.220311164855957,0.0006482969,0.4535519126,3.2274110317230225,0.0204451656,0.4328358209,-1,-1,-1,13.171350955963135,0.0,0.5566343042,-1,-1,-1,2.5241501331329346,0.1910565959,0.5581395349,2.337956666946411,0.3148139635,0.5538461538
+vqe_indep_qiskit_16,vqe,16,-1,0.784890296,0.4333333333,-1,0.0003007424,0.6148867314,0.42283010482788086,0.286294475,0.4333333333,0.09544706344604492,0.43100842,0.4333333333,-1,-1,-1,11.602007150650024,0.0014324187,0.4333333333,-1,-1,-1,7.077391147613525,0.7171369274,0.4333333333,7.451920032501221,0.784890296,0.4333333333,0.9341082572937012,0.2849687143,0.4333333333,0.9019849300384521,0.4790456204,0.4333333333,-1,-1,-1,0.9261491298675537,0.00104242,0.4333333333,-1,-1,-1,0.8553452491760254,0.6249297652,0.4333333333,0.9556097984313965,0.5318435291,0.4333333333
+wstate_indep_qiskit_60,wstate,60,-1,7.48024e-05,0.2512315271,-1,0.0,0.5711135612,55.87302088737488,0.0423787655,0.4830508475,-1,-1,-1,-1,-1,-1,52.131152868270874,5e-10,0.4830508475,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.7199883460998535,0.0041096268,0.5602409639,-1,-1,-1,-1,-1,-1,3.704890727996826,0.0,0.6165803109,-1,-1,-1,-1,-1,-1,-1,-1,-1
+portfolioqaoa_indep_qiskit_7,portfolioqaoa,7,-1,0.7769994867,0.6031746032,-1,0.0200820571,0.6031746032,0.38162899017333984,0.1107731823,0.3603603604,0.3199808597564697,0.1069590976,0.2987551867,2.691934823989868,1e-10,0.4296577947,0.6608848571777344,0.0,0.3657407407,6.7727742195129395,0.0855337594,0.6031746032,6.79666805267334,0.5447176633,0.6031746032,6.7397377490997314,0.7769994867,0.6031746032,2.420802116394043,0.0007094053,0.4471544715,2.3395140171051025,0.0104172291,0.3601532567,2.4251179695129395,0.0,0.5769230769,2.4809939861297607,0.0,0.4183673469,2.1586251258850098,0.0005669699,0.6031746032,2.162247896194458,0.2007984851,0.6031746032,1.7855250835418701,0.3286552742,0.6031746032
+qpeexact_indep_tket_50,qpeexact,50,-1,0.0,0.6781960889,-1,0.0,0.8177831378,11.226351976394653,0.0,0.7425280653,-1,-1,-1,-1,-1,-1,50.668171882629395,0.0,0.7754474779,-1,-1,-1,-1,-1,-1,-1,-1,-1,45.79220199584961,0.0,0.7091825308,-1,-1,-1,-1,-1,-1,49.04174995422363,0.0,0.7665697674,-1,-1,-1,-1,-1,-1,-1,-1,-1
+dj_indep_tket_22,dj,22,-1,0.8520217522,0.0,-1,9e-10,0.4623655914,0.24120879173278809,0.2201831067,0.0357142857,0.14232492446899414,0.292861151,0.0579710145,-1,-1,-1,0.23356318473815918,3.7605e-06,0.1020408163,-1,-1,-1,62.00011682510376,0.8027601275,0.0,14.111933946609497,0.8520217522,0.0,1.298450231552124,0.1233388101,0.362745098,1.3347351551055908,0.0660824846,0.5079365079,-1,-1,-1,1.4996228218078613,0.0,0.452991453,-1,-1,-1,0.7020242214202881,0.7437021843,0.0,0.7443099021911621,0.6975066101,0.0
+graphstate_indep_qiskit_60,graphstate,60,-1,0.0016140736,0.7943262411,-1,0.0,0.8572825024,25.49531078338623,0.0018607039,0.7410071942,-1,-1,-1,-1,-1,-1,24.970253944396973,0.0,0.8068181818,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.173896074295044,0.0243654356,0.5396825397,-1,-1,-1,-1,-1,-1,5.764708995819092,0.0,0.7575757576,-1,-1,-1,-1,-1,-1,-1,-1,-1
+graphstate_indep_qiskit_8,graphstate,8,-1,0.9607470909,0.5,-1,0.1003883648,0.5060240964,0.05273699760437012,0.3554724671,0.4117647059,0.04413604736328125,0.6473258804,0.4666666667,0.19288992881774902,0.1529508795,0.4285714286,0.08914995193481445,0.0604208438,0.4615384615,4.607079267501831,0.7054496648,0.5,4.707870244979858,0.9205882497,0.5,5.605398893356323,0.9607470909,0.5,0.4480326175689697,0.4859322893,0.2413793103,0.33162689208984375,0.6631622081,0.3461538462,0.2987849712371826,0.0688832235,0.4230769231,0.4544520378112793,0.0343402082,0.5,0.24038314819335938,0.5329629985,0.5,0.2507619857788086,0.8820108039,0.5,0.2803778648376465,0.8444171774,0.5
+wstate_indep_qiskit_21,wstate,21,-1,0.7533224554,0.45,-1,6e-10,0.5519480519,1.3563950061798096,0.2926006569,0.45,0.10065317153930664,0.3831527265,0.45,-1,-1,-1,8.983141899108887,0.0008946343,0.45,-1,-1,-1,8.615684032440186,0.6522582035,0.45,8.588267087936401,0.7533224554,0.45,1.2120158672332764,0.2414951667,0.45,1.1757268905639648,0.354206723,0.45,-1,-1,-1,1.2008929252624512,1.18627e-05,0.45,-1,-1,-1,1.166905164718628,0.5467574098,0.45,1.2773258686065674,0.4558857347,0.45
+qaoa_indep_tket_12,qaoa,12,-1,0.8762198611,0.7083333333,-1,0.0002764166,0.6694677871,0.11046576499938965,0.19772273,0.7083333333,0.10277080535888672,0.4277132491,0.7083333333,-1,-1,-1,0.2132411003112793,0.0001417929,0.7083333333,-1,-1,-1,5.819205045700073,0.7858213568,0.7083333333,5.835318088531494,0.8762198611,0.7083333333,0.9706239700317383,0.2554101661,0.7083333333,0.9421839714050293,0.4039538414,0.7083333333,-1,-1,-1,1.0041191577911377,3.22687e-05,0.7083333333,-1,-1,-1,0.9597690105438232,0.5314843133,0.7083333333,0.836144208908081,0.6198291819,0.7083333333
+wstate_indep_tket_29,wstate,29,-1,0.673433463,0.4642857143,-1,0.0,0.5812807882,13.860996007919312,0.2072986093,0.4642857143,-1,-1,-1,-1,-1,-1,12.00157117843628,6.1535e-06,0.4642857143,-1,-1,-1,-1,-1,-1,11.253813982009888,0.673433463,0.4642857143,1.7299609184265137,0.1699391176,0.4642857143,-1,-1,-1,-1,-1,-1,1.7160978317260742,4.8e-08,0.4642857143,-1,-1,-1,-1,-1,-1,1.813054084777832,0.3336317914,0.4642857143
+graphstate_indep_qiskit_40,graphstate,40,-1,0.0192551921,0.7882352941,-1,0.0,0.8549323017,0.4097328186035156,0.0204000213,0.7848837209,-1,-1,-1,-1,-1,-1,7.960820913314819,2.12e-08,0.7142857143,-1,-1,-1,-1,-1,-1,-1,-1,-1,2.8448729515075684,0.0235329879,0.7567567568,-1,-1,-1,-1,-1,-1,3.5003089904785156,1e-10,0.7912087912,-1,-1,-1,-1,-1,-1,-1,-1,-1
+tsp_indep_qiskit_4,tsp,4,-1,0.910198882,0.2666666667,-1,0.7749218364,0.2666666667,0.08307600021362305,0.6699809262,0.2666666667,0.07226276397705078,0.7935779265,0.2666666667,0.12732911109924316,0.2884397488,0.2666666667,0.08841276168823242,0.1151944768,0.2666666667,0.15175700187683105,0.5040829202,0.2666666667,3.187962770462036,0.8522776187,0.2666666667,3.2089579105377197,0.910198882,0.2666666667,0.40086913108825684,0.7612226719,0.2666666667,0.3706400394439697,0.6861735328,0.2666666667,0.3999640941619873,0.1865698681,0.2666666667,0.3806946277618408,0.1935928315,0.2666666667,0.3771350383758545,0.3340654951,0.2666666667,0.3867781162261963,0.8003905163,0.2666666667,0.5411398410797119,0.7399329384,0.2666666667
+qpeinexact_indep_qiskit_7,qpeinexact,7,-1,0.7601112306,0.3529411765,-1,0.0586751063,0.5,0.15607571601867676,0.2461756723,0.2134831461,0.14252018928527832,0.2790539813,0.2087912088,1.084355115890503,7.39254e-05,0.26,0.2781071662902832,2.88031e-05,0.1891891892,6.666288137435913,0.1110799653,0.3529411765,6.733202934265137,0.5925132446,0.3529411765,6.774950981140137,0.7601112306,0.3529411765,1.1187760829925537,0.2849673861,0.2555555556,1.0444090366363525,0.1841222597,0.2688172043,1.072458028793335,0.0005300086,0.21875,1.1500439643859863,6.46e-08,0.2533333333,0.8416781425476074,0.0759762337,0.2857142857,4.57565712928772,0.5779774494,0.2857142857,0.7761240005493164,0.6816391981,0.2857142857
+qaoa_indep_tket_5,qaoa,5,-1,0.9464306334,0.4,-1,0.0244389553,0.5806451613,0.08352279663085938,0.2453858483,0.2413793103,0.053597211837768555,0.7625530934,0.2413793103,0.3497457504272461,0.0429223517,0.40625,0.10118794441223145,0.0406315731,0.347826087,0.8330490589141846,0.6593526374,0.4,3.6763179302215576,0.9044507604,0.4,3.7390198707580566,0.9464306334,0.4,0.5414252281188965,0.2654475503,0.28,0.471099853515625,0.4291273111,0.28,0.4181358814239502,0.0908657099,0.34375,0.5771410465240479,0.064220268,0.347826087,0.3738110065460205,0.2881145118,0.4,0.583608865737915,0.7682290166,0.4,0.3431720733642578,0.8202639123,0.4
+graphstate_indep_qiskit_17,graphstate,17,-1,0.9184262563,0.7647058824,-1,0.7929946156,0.7647058824,0.1033329963684082,0.3838535251,0.7727272727,0.07330107688903809,0.368515,0.4857142857,-1,-1,-1,0.16003203392028809,0.0061998386,0.5806451613,-1,-1,-1,7.51356315612793,0.8396858844,0.7647058824,7.566391706466675,0.9184262563,0.7647058824,0.869152307510376,0.3893995598,0.64,0.9610137939453125,0.4100039711,0.5714285714,-1,-1,-1,1.0794780254364014,1.871e-07,0.5617977528,-1,-1,-1,0.5392348766326904,0.7637258653,0.7647058824,0.5974380970001221,0.6933403614,0.7647058824
+su2random_indep_tket_8,su2random,8,-1,0.6945891252,0.6547619048,-1,0.0161236148,0.6547619048,0.7739458084106445,0.0642302074,0.3771929825,1.0357723236083984,0.1215161937,0.3587443946,2.9498062133789062,6e-10,0.5183823529,0.7142231464385986,0.0,0.4480874317,7.908102035522461,0.0326281076,0.6547619048,7.936748266220093,0.4351832998,0.6547619048,15.605028867721558,0.6945891252,0.6547619048,5.145132064819336,0.0009668578,0.4833333333,2.2476701736450195,0.0280299182,0.4833333333,2.0658318996429443,0.0,0.6374269006,2.138343095779419,0.0,0.619047619,1.894714117050171,0.0035362611,0.6547619048,1.909787893295288,0.3099774222,0.6547619048,2.2168779373168945,0.2441536244,0.6547619048
+ae_indep_tket_40,ae,40,-1,0.0,0.7334158416,-1,0.0,0.6828202204,9.014126062393188,0.0,0.7538374076,-1,-1,-1,-1,-1,-1,11.01668095588684,0.0,0.7024820379,-1,-1,-1,-1,-1,-1,-1,-1,-1,30.910534143447876,0.0,0.723280151,-1,-1,-1,-1,-1,-1,32.78066301345825,0.0,0.7302150762,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qpeexact_indep_tket_8,qpeexact,8,-1,0.7079596798,0.4,-1,0.0023291753,0.4910714286,0.33392810821533203,0.0474242896,0.2123893805,0.17241287231445312,0.3518020223,0.2123893805,1.223865032196045,0.0002017983,0.3008130081,1.0397579669952393,1.485e-07,0.1651376147,7.8878397941589355,0.0637967667,0.40625,15.681265830993652,0.5189550072,0.40625,30.41668200492859,0.7079596798,0.4,1.5972700119018555,0.2284023352,0.3307692308,1.3153409957885742,0.1839494898,0.3385826772,1.3620541095733643,4.51303e-05,0.3307692308,1.4171700477600098,2.35e-08,0.2741935484,1.0795037746429443,0.0346492828,0.3636363636,1.0965840816497803,0.4887112248,0.3636363636,0.9705281257629395,0.5972963463,0.3571428571
+wstate_indep_qiskit_17,wstate,17,-1,0.7967535801,0.4375,-1,0.0136704874,0.3658536585,0.6801118850708008,0.2912425109,0.4375,0.08550095558166504,0.4253788801,0.4375,-1,-1,-1,8.00548005104065,0.0019903537,0.4375,-1,-1,-1,7.795371055603027,0.7102261161,0.4375,7.408497095108032,0.7967535801,0.4375,3.1219630241394043,0.219231819,0.4375,0.935528039932251,0.4283743137,0.4375,-1,-1,-1,0.9617929458618164,0.0004102952,0.4375,-1,-1,-1,0.9283020496368408,0.6166830183,0.4375,1.0204839706420898,0.5329056079,0.4375
+random_indep_tket_8,random,8,-1,0.597192148,0.4418604651,-1,0.0003891069,0.5088888889,0.32845115661621094,0.0079854642,0.2722222222,0.3338658809661865,0.2234746524,0.2781065089,2.7332849502563477,2.546e-07,0.3988095238,0.7156186103820801,0.0,0.2827586207,6.8665900230407715,0.0251967106,0.4230769231,24.817644119262695,0.4275230331,0.4230769231,7.149745941162109,0.5983883262,0.4418604651,2.187480926513672,0.0199421309,0.3248730964,2.1227400302886963,0.0931901124,0.2648648649,2.1246349811553955,3.869e-07,0.4204545455,2.2219159603118896,0.0,0.3289473684,1.8223600387573242,0.0063311556,0.4155844156,1.8286528587341309,0.3476539315,0.4155844156,1.9101359844207764,0.3657989972,0.4464285714
+graphstate_indep_tket_19,graphstate,19,-1,0.9092777426,0.7368421053,-1,0.0001166291,0.7643979058,0.10768723487854004,0.2697937437,0.3818181818,6.632717132568359,0.4004519055,0.6888888889,-1,-1,-1,0.1612098217010498,0.0007645581,0.6153846154,-1,-1,-1,8.07220721244812,0.8229886355,0.7368421053,8.0748929977417,0.9092777426,0.7368421053,1.207909107208252,0.1807734015,0.6379310345,1.333003044128418,0.2976307215,0.6428571429,-1,-1,-1,1.1407320499420166,4.15484e-05,0.7636363636,-1,-1,-1,0.6404578685760498,0.7390169568,0.7368421053,0.7027359008789062,0.6621499158,0.7368421053
+random_indep_tket_30,random,30,-1,0.0,0.7329837329,-1,0.0001469755,0.7766023647,11.799969673156738,0.0,0.7217232852,-1,-1,-1,-1,-1,-1,32.274710178375244,0.0,0.6903625954,-1,-1,-1,-1,-1,-1,85.9122908115387,0.0001486019,0.7766023647,40.04087233543396,0.0,0.6951926009,-1,-1,-1,-1,-1,-1,43.07268524169922,0.0,0.6952094423,-1,-1,-1,-1,-1,-1,39.17051696777344,9e-10,0.7782571182
+wstate_indep_qiskit_40,wstate,40,-1,0.0001931983,0.2736842105,-1,0.0,0.5887850467,15.289048910140991,0.1456271613,0.4743589744,-1,-1,-1,-1,-1,-1,22.949148893356323,1.782e-07,0.4743589744,-1,-1,-1,-1,-1,-1,-1,-1,-1,2.391456127166748,0.1045514262,0.4743589744,-1,-1,-1,-1,-1,-1,2.3834598064422607,0.0,0.4743589744,-1,-1,-1,-1,-1,-1,-1,-1,-1
+dj_indep_tket_14,dj,14,-1,0.9020452096,0.0,-1,0.0051609848,0.4456521739,0.09197711944580078,0.4172579884,0.064516129,0.07746720314025879,0.4730809694,0.0,-1,-1,-1,0.15555787086486816,5.90691e-05,0.09375,-1,-1,-1,6.40201997756958,0.870613417,0.0,6.3568689823150635,0.9020452096,0.0,0.7954721450805664,0.3665705236,0.0697674419,0.8428299427032471,0.4587371185,0.2068965517,-1,-1,-1,0.8677358627319336,0.0036264951,0.4655172414,-1,-1,-1,0.41944193840026855,0.8321302656,0.0,0.47695088386535645,0.7991943039,0.0
+qft_indep_tket_40,qft,40,-1,0.0,0.6787330317,-1,0.0,0.8073639274,15.573255777359009,0.0,0.8227009114,-1,-1,-1,-1,-1,-1,15.701517105102539,0.0,0.7792207792,-1,-1,-1,-1,-1,-1,-1,-1,-1,30.143394947052002,0.0,0.8120080953,-1,-1,-1,-1,-1,-1,32.353240966796875,0.0,0.7575366064,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ae_indep_qiskit_3,ae,3,-1,0.9626772626,0.0,-1,0.1150663577,0.4782608696,0.05417823791503906,0.9056747063,0.0,0.039845943450927734,0.9044535282,0.0,0.06283712387084961,0.4145266751,0.0,0.05498003959655762,0.387440843,0.0,0.04531502723693848,0.7468995609,0.0,0.20058107376098633,0.9355153465,0.0,0.3751840591430664,0.9626772626,0.0,0.22881102561950684,0.6869883581,0.0,0.1280660629272461,0.8692272429,0.0,0.12284994125366211,0.3062118978,0.0,0.2147216796875,0.1692218957,0.0,0.12359881401062012,0.6832336686,0.0,0.13521313667297363,0.9228759525,0.0,0.15252184867858887,0.937028533,0.0
+twolocalrandom_indep_tket_5,twolocalrandom,5,-1,0.8631525904,0.4333333333,-1,1e-10,0.4066666667,0.20432019233703613,0.5173867638,0.1333333333,0.18889522552490234,0.2759993507,0.1333333333,0.9715960025787354,0.001974433,0.2888888889,0.25099897384643555,3.17e-08,0.2089552239,0.9989161491394043,0.2927234165,0.4333333333,4.33530592918396,0.7422407689,0.4333333333,4.338681936264038,0.8631525904,0.4333333333,0.9487290382385254,0.1233263237,0.2528735632,0.8946359157562256,0.4776271702,0.2666666667,0.7939770221710205,4.62477e-05,0.4035087719,0.8487880229949951,5.8e-09,0.2345679012,0.7100591659545898,0.1265577004,0.4333333333,0.7254972457885742,0.653046326,0.4333333333,0.8377871513366699,0.5883958064,0.4333333333
+dj_indep_tket_80,dj,80,-1,4.66864e-05,0.182038835,-1,0.0,0.4344355758,1.0454468727111816,0.0001381085,0.280104712,-1,-1,-1,-1,-1,-1,1.228769063949585,0.0,0.1821192053,-1,-1,-1,-1,-1,-1,-1,-1,-1,5.301758050918579,0.0,0.7867607162,-1,-1,-1,-1,-1,-1,5.442445993423462,0.0,0.5803876853,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qpeinexact_indep_qiskit_14,qpeinexact,14,-1,0.3548289455,0.625,-1,5e-10,0.6682554814,0.781790018081665,0.0002186504,0.5053763441,0.6103858947753906,0.0119348886,0.4132762313,-1,-1,-1,1.2368347644805908,0.0,0.4306220096,-1,-1,-1,38.48711800575256,0.1313154805,0.625,38.40022110939026,0.3548289455,0.625,4.470828056335449,1.0395e-06,0.6124721604,4.807658433914185,0.0035542052,0.5129151292,-1,-1,-1,12.092962980270386,0.0,0.4744897959,-1,-1,-1,3.408968925476074,0.0975413505,0.6043956044,3.0085630416870117,0.2030971666,0.6043956044
+portfoliovqe_indep_tket_4,portfoliovqe,4,-1,0.9175050701,0.2777777778,-1,0.0284670467,0.523255814,0.08902907371520996,0.4091226155,0.0,0.07787489891052246,0.6423193168,0.0,0.5100529193878174,0.0066038743,0.2083333333,0.14654207229614258,0.0140926907,0.0,0.17919301986694336,0.4712744748,0.2777777778,3.964890956878662,0.8342939961,0.2777777778,3.9939069747924805,0.9175050701,0.2777777778,0.5422399044036865,0.2534812171,0.0,0.4387788772583008,0.6261643669,0.0,0.4554932117462158,0.0039967868,0.2222222222,0.5379488468170166,1.60081e-05,0.1944444444,0.43500185012817383,0.2849525736,0.2777777778,0.4460029602050781,0.7726069838,0.2777777778,0.484356164932251,0.7223707608,0.2777777778
+portfoliovqe_indep_tket_11,portfoliovqe,11,-1,0.5577814736,0.7515151515,-1,6.70199e-05,0.7515151515,0.8779082298278809,0.0007082329,0.5992292871,0.9264729022979736,0.0024252369,0.6308016878,-1,-1,-1,1.4459240436553955,0.0,0.5841836735,0.3126058578491211,0.0018490429,0.7515151515,29.8581223487854,0.2083294313,0.7515151515,28.56372904777527,0.5577814736,0.7515151515,17.44251799583435,8.294e-07,0.6319758673,5.623880863189697,0.0041013685,0.5480769231,-1,-1,-1,17.450117111206055,0.0,0.6156462585,4.186394214630127,2.31901e-05,0.7515151515,4.180356740951538,0.1067603834,0.7515151515,4.461615085601807,0.0704520665,0.7515151515
+dj_indep_qiskit_4,dj,4,-1,0.9743136226,0.0,-1,0.0847351684,0.4848484848,0.03055715560913086,0.6457269088,0.0,0.019371747970581055,0.8961560661,0.0,0.0470881462097168,0.3739786343,0.0,0.037577152252197266,0.414906915,0.0,0.12352991104125977,0.868774685,0.0,3.402803897857666,0.9679946638,0.0,3.4538698196411133,0.9743136226,0.0,0.11689209938049316,0.6445913311,0.0,0.09192109107971191,0.8941698968,0.0,0.09491086006164551,0.4289415047,0.0,0.10864019393920898,0.8165909477,0.0,0.09376907348632812,0.8094320703,0.0,0.10580706596374512,0.9575945032,0.0,0.12926387786865234,0.9473979597,0.0
+pricingput_indep_qiskit_9,pricingput,9,-1,0.4607823667,0.1700680272,-1,4.2474e-06,0.3267716535,0.5577981472015381,0.0174634648,0.1758241758,0.5800161361694336,0.0182276728,0.1503759398,-1,-1,-1,1.0391581058502197,0.0,0.1900826446,7.537931203842163,0.0012792571,0.1666666667,7.548803091049194,0.2081234523,0.1666666667,7.396235942840576,0.4654142351,0.1621621622,3.250046968460083,0.0010452784,0.2540540541,3.204028844833374,0.0105125851,0.2324324324,-1,-1,-1,3.325416326522827,0.0,0.3227848101,2.8897998332977295,5.20341e-05,0.1666666667,2.9066402912139893,0.127642532,0.1666666667,3.314361810684204,0.1248812327,0.2222222222
+portfoliovqe_indep_qiskit_3,portfoliovqe,3,-1,0.9502286975,0.0,-1,2.8987e-05,0.3870967742,0.06651806831359863,0.7439136177,0.0,0.05614304542541504,0.7840713699,0.0,0.23380780220031738,0.1610067753,0.0,0.07739090919494629,0.1756460952,0.0,0.04517817497253418,0.6678634357,0.0,0.2001628875732422,0.9095679677,0.0,0.3730652332305908,0.9502286975,0.0,0.2873351573944092,0.4050650143,0.0,0.17888903617858887,0.7023162072,0.0,0.18089795112609863,0.1164176408,0.0,0.2583308219909668,0.0556737218,0.0,0.17152786254882812,0.5261712797,0.0,0.18866586685180664,0.8770486325,0.0,0.21293902397155762,0.8376829166,0.0
+wstate_indep_tket_13,wstate,13,-1,0.8426886293,0.4166666667,-1,0.0241095414,0.5777777778,0.22221088409423828,0.4379229057,0.4166666667,0.07230401039123535,0.56260888,0.4166666667,-1,-1,-1,1.4548518657684326,0.0078782068,0.4166666667,-1,-1,-1,6.6530678272247314,0.7733457905,0.4166666667,6.4423439502716064,0.8426886293,0.4166666667,0.7479932308197021,0.5702601585,0.4166666667,0.7086751461029053,0.5376235147,0.4166666667,-1,-1,-1,0.727564811706543,0.0034181326,0.4166666667,-1,-1,-1,0.7053649425506592,0.6955515157,0.4166666667,0.7754569053649902,0.622937647,0.4166666667
+realamprandom_indep_qiskit_40,realamprandom,40,-1,0.0,0.7999075251,-1,0.0,0.845834199,23.315970182418823,0.0,0.8069632495,-1,-1,-1,-1,-1,-1,25.291523933410645,0.0,0.7986900147,-1,-1,-1,-1,-1,-1,-1,-1,-1,67.7344708442688,0.0,0.7876790579,-1,-1,-1,-1,-1,-1,70.54182291030884,0.0,0.79863174,-1,-1,-1,-1,-1,-1,-1,-1,-1
+twolocalrandom_indep_qiskit_8,twolocalrandom,8,-1,0.7065040889,0.6547619048,-1,0.0309621657,0.6547619048,0.603492259979248,0.0029355974,0.3555555556,0.5868523120880127,0.1069855221,0.3502109705,2.8702800273895264,3e-10,0.4907749077,0.7146399021148682,0.0,0.3979057592,7.637113809585571,0.0363287977,0.6547619048,7.6138389110565186,0.442380602,0.6547619048,7.602560043334961,0.7065040889,0.6547619048,2.5504019260406494,0.000970306,0.4833333333,2.2549281120300293,0.0281832132,0.4833333333,2.0446040630340576,0.0,0.6374269006,2.1666147708892822,0.0,0.619047619,1.875544786453247,0.0037955182,0.6547619048,1.8942217826843262,0.3133439985,0.6547619048,2.191995143890381,0.247845394,0.6547619048
+qpeinexact_indep_tket_13,qpeinexact,13,-1,0.4484894959,0.5769230769,-1,8.96e-08,0.6512605042,0.49594902992248535,0.0001399344,0.3886255924,0.62375807762146,0.0218047328,0.3769230769,-1,-1,-1,1.1867547035217285,0.0,0.3577235772,-1,-1,-1,35.333927154541016,0.1706328398,0.6034482759,36.08554720878601,0.4045517168,0.6034482759,6.267121076583862,9.68064e-05,0.5859375,3.3195929527282715,0.0039521298,0.5201698514,-1,-1,-1,4.01595401763916,0.0,0.5833333333,-1,-1,-1,2.8297431468963623,0.1355040049,0.5769230769,2.45993709564209,0.2528592969,0.5769230769
+dj_indep_qiskit_17,dj,17,-1,0.882399242,0.0,-1,0.0015077752,0.4700460829,0.1884150505065918,0.3537753011,0.0,0.1638038158416748,0.4276145229,0.0465116279,-1,-1,-1,0.20806193351745605,0.0001903025,0.1,-1,-1,-1,7.287884712219238,0.8444366646,0.0,7.342705965042114,0.882399242,0.0,0.9142072200775146,0.2616616786,0.1454545455,1.0962989330291748,0.1756863702,0.5080645161,-1,-1,-1,1.2016901969909668,1.09e-08,0.5454545455,-1,-1,-1,0.5205318927764893,0.7974812257,0.0,0.5851290225982666,0.7586716375,0.0
+qft_indep_tket_3,qft,3,-1,0.9435970182,0.0,-1,0.0191728947,0.4444444444,0.042860984802246094,0.8672631812,0.0,0.026458740234375,0.8745205999,0.0,0.14769935607910156,0.2753480426,0.0,0.21042895317077637,0.235136638,0.0,0.04282689094543457,0.6522970543,0.0,0.19348716735839844,0.9062987573,0.0,0.37323880195617676,0.9435970182,0.0,0.24889111518859863,0.6861756261,0.0,0.14993000030517578,0.8691558898,0.0,0.14981484413146973,0.3057230399,0.0,0.23921799659729004,0.1682182384,0.0,0.14506888389587402,0.6796623361,0.0,0.15720391273498535,0.9221377994,0.0,0.15336203575134277,0.935155413,0.0
+graphstate_indep_tket_23,graphstate,23,-1,0.8912531946,0.7391304348,-1,0.0,0.7706422018,0.3943321704864502,0.1074495295,0.6373626374,0.0983741283416748,0.3845164536,0.6666666667,-1,-1,-1,3.5380263328552246,6.0387e-05,0.6530612245,-1,-1,-1,9.865510940551758,0.7893194403,0.7391304348,9.591011047363281,0.8912531946,0.7391304348,1.4764060974121094,0.1313697794,0.4545454545,1.4443809986114502,0.2345884722,0.5180722892,-1,-1,-1,2.0248382091522217,4.94e-07,0.564516129,-1,-1,-1,0.738368034362793,0.6947454917,0.7391304348,0.8136868476867676,0.6099877834,0.7391304348
+graphstate_indep_qiskit_4,graphstate,4,-1,0.9801770712,0.25,-1,0.7821187127,0.3571428571,0.03919792175292969,0.7520181606,0.0,0.02576899528503418,0.9109790918,0.0,0.12563204765319824,0.2514702247,0.3,0.023044824600219727,0.2103816961,0.25,0.131331205368042,0.8421143025,0.25,3.682218074798584,0.9598568448,0.25,6.333415985107422,0.9801770712,0.25,0.2436981201171875,0.6673389511,0.1,0.16361498832702637,0.8633167715,0.1,0.14624691009521484,0.2220773719,0.3076923077,0.16340994834899902,0.4894544471,0.25,0.14243292808532715,0.7252762561,0.25,0.15437698364257812,0.9382154299,0.25,0.17624402046203613,0.9166261655,0.25
+qft_indep_qiskit_10,qft,10,-1,0.5601192703,0.6476190476,-1,0.0,0.6666666667,0.576422929763794,0.004413762,0.4047619048,0.2932109832763672,0.1354117035,0.3474178404,-1,-1,-1,0.5941121578216553,0.0,0.4368421053,10.27852487564087,0.0111785912,0.6476190476,10.437654972076416,0.3420181309,0.6476190476,10.242887020111084,0.5601192703,0.6476190476,9.10967493057251,0.0026324748,0.4145299145,3.076643705368042,0.0574614795,0.4259259259,-1,-1,-1,8.7913179397583,0.0,0.5251141553,1.7896270751953125,0.0043568222,0.6222222222,1.8011868000030518,0.3130168486,0.6222222222,1.5342762470245361,0.435373438,0.6222222222
+qnn_indep_qiskit_3,qnn,3,-1,0.9221174852,0.0,-1,1.4e-09,0.39,0.16492080688476562,0.4888850404,0.0,0.05339169502258301,0.7840727363,0.0,0.36559200286865234,0.1448142526,0.0,0.10323405265808105,0.0374738728,0.0,0.05353689193725586,0.5493086789,0.0,0.2158370018005371,0.8699170656,0.0,0.4156019687652588,0.9221174852,0.0,0.9698798656463623,0.3844966128,0.0,0.21561479568481445,0.6894573058,0.0,0.22940897941589355,0.0923908404,0.0,0.31545495986938477,0.0538163635,0.0,0.2151329517364502,0.437328765,0.0,0.22571301460266113,0.8401587973,0.0,0.2715473175048828,0.8632097126,0.0
+dj_indep_qiskit_40,dj,40,-1,0.026310965,0.0628930818,-1,0.0001756321,0.4799196787,0.70145583152771,0.0320591711,0.0458715596,-1,-1,-1,-1,-1,-1,0.6208031177520752,6e-10,0.1900826446,-1,-1,-1,-1,-1,-1,-1,-1,-1,2.8843328952789307,0.0099632436,0.0819672131,-1,-1,-1,-1,-1,-1,2.6266989707946777,0.0,0.4208333333,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qaoa_indep_tket_11,qaoa,11,-1,0.8859216913,0.7272727273,-1,0.2450461308,0.7272727273,0.11824297904968262,0.3236058364,0.68,0.10067629814147949,0.4844536366,0.68,-1,-1,-1,0.1563091278076172,0.0004915164,0.6382978723,0.058583736419677734,0.3999991283,0.7272727273,5.705233097076416,0.8017645354,0.7272727273,5.659505844116211,0.8859216913,0.7272727273,1.231137990951538,0.0907585792,0.6734693878,1.2292940616607666,0.3873464663,0.6981132075,-1,-1,-1,1.2318940162658691,1.216e-07,0.7532467532,0.8419158458709717,0.0654712475,0.7272727273,0.8602991104125977,0.5608465674,0.7272727273,0.7671570777893066,0.6575228148,0.7272727273
+qpeinexact_indep_qiskit_4,qpeinexact,4,-1,0.9184317816,0.0,-1,8.959e-07,0.4320987654,0.053279876708984375,0.7455751244,0.0,0.045797109603881836,0.8345524762,0.0,0.1750781536102295,0.0954896436,0.0,0.10082101821899414,0.011382331,0.0,0.15198183059692383,0.5161123277,0.0,3.5598032474517822,0.8553519636,0.0,3.572965145111084,0.9184317816,0.0,0.3386077880859375,0.4684231552,0.0,0.26416993141174316,0.7846864716,0.0,0.2760939598083496,0.0981826596,0.0833333333,0.3719460964202881,0.0050477557,0.0,0.2689647674560547,0.4704923889,0.0,0.28380513191223145,0.8527228819,0.0,0.27817201614379883,0.8850783659,0.0
+groundstate_small_indep_tket_4,groundstate,4,-1,0.9379411071,0.25,-1,0.0373149026,0.5732484076,0.08233809471130371,0.5484327055,0.0,0.07143902778625488,0.751087572,0.0,0.30771565437316895,0.0494936666,0.1785714286,0.07526111602783203,0.0658381448,0.0,0.16373300552368164,0.6082460889,0.25,3.9817192554473877,0.8868203828,0.25,4.030668020248413,0.9379411071,0.25,0.3921377658843994,0.4111275563,0.0,0.2869832515716553,0.7289839823,0.0,0.29962992668151855,0.0289090879,0.1538461538,0.4032618999481201,0.0006524021,0.1666666667,0.28380703926086426,0.4372077225,0.25,0.3368661403656006,0.8432237799,0.25,0.3341047763824463,0.8048135296,0.25
+qpeexact_indep_qiskit_70,qpeexact,70,-1,0.0,0.7017110266,-1,0.0,0.7114975488,40.92416000366211,0.0,0.7853857946,-1,-1,-1,-1,-1,-1,48.7598340511322,0.0,0.7674970344,-1,-1,-1,-1,-1,-1,-1,-1,-1,82.22154808044434,0.0,0.7878456811,-1,-1,-1,-1,-1,-1,88.29364919662476,0.0,0.7303082192,-1,-1,-1,-1,-1,-1,-1,-1,-1
+graphstate_indep_qiskit_14,graphstate,14,-1,0.9323219019,0.5714285714,-1,0.0011822932,0.7253521127,0.2682662010192871,0.4469244913,0.6153846154,0.07460594177246094,0.4708655921,0.5555555556,-1,-1,-1,0.09174704551696777,0.016644419,0.6538461538,-1,-1,-1,6.782325029373169,0.8660617917,0.5714285714,6.761455774307251,0.9323219019,0.5714285714,0.8583321571350098,0.202195265,0.6290322581,0.931239128112793,0.4061970494,0.6603773585,-1,-1,-1,0.9372348785400391,1.001e-06,0.5280898876,-1,-1,-1,0.4573938846588135,0.800743423,0.5714285714,0.5068390369415283,0.739195229,0.5714285714
+qaoa_indep_tket_6,qaoa,6,-1,0.9360661628,0.5833333333,-1,0.0015771158,0.6431924883,0.10420513153076172,0.2815652676,0.3846153846,0.08489227294921875,0.5322599501,0.3846153846,0.44039011001586914,0.0334221028,0.6111111111,0.11457204818725586,0.0054200845,0.5,3.9694600105285645,0.6066543237,0.5833333333,3.989957809448242,0.8864656546,0.5833333333,3.9738399982452393,0.9360661628,0.5833333333,0.6538858413696289,0.1531926628,0.4126984127,0.5884742736816406,0.4457953323,0.6031746032,0.5429801940917969,0.0275814563,0.5128205128,4.112928152084351,0.0294864074,0.3939393939,0.5511260032653809,0.2290337932,0.5833333333,0.49314308166503906,0.7309280304,0.5833333333,0.43258023262023926,0.7936190861,0.5833333333
+dj_indep_qiskit_80,dj,80,-1,0.0005181639,0.1205211726,-1,1e-10,0.4667673716,1.0418481826782227,0.0001381085,0.280104712,-1,-1,-1,-1,-1,-1,1.1842150688171387,0.0,0.1821192053,-1,-1,-1,-1,-1,-1,-1,-1,-1,5.269353866577148,0.0,0.7867607162,-1,-1,-1,-1,-1,-1,5.4306862354278564,0.0,0.5803876853,-1,-1,-1,-1,-1,-1,-1,-1,-1
+vqe_indep_tket_9,vqe,9,-1,0.872741237,0.375,-1,0.2214997699,0.5275590551,0.10335612297058105,0.5816656646,0.375,0.06035923957824707,0.6219837757,0.375,-1,-1,-1,0.26203489303588867,0.0659444407,0.375,4.791427850723267,0.4588314746,0.375,4.810808181762695,0.8370367493,0.375,4.854700088500977,0.872741237,0.375,0.507418155670166,0.6986291639,0.375,16.552367210388184,0.6251455597,0.375,-1,-1,-1,0.5312440395355225,0.0224088796,0.375,0.44782376289367676,0.2840495577,0.375,0.4580879211425781,0.7779430583,0.375,0.5141749382019043,0.7130403694,0.375
+dj_indep_tket_40,dj,40,-1,0.0221507017,0.033557047,-1,9.75843e-05,0.4505494505,0.45211172103881836,0.0320591711,0.0458715596,-1,-1,-1,-1,-1,-1,0.6324663162231445,6e-10,0.1900826446,-1,-1,-1,-1,-1,-1,-1,-1,-1,2.9033408164978027,0.0099632436,0.0819672131,-1,-1,-1,-1,-1,-1,2.6252009868621826,0.0,0.4208333333,-1,-1,-1,-1,-1,-1,-1,-1,-1
+wstate_indep_qiskit_14,wstate,14,-1,0.8309623681,0.4230769231,-1,0.015693956,0.5944055944,0.2627561092376709,0.3506882474,0.4230769231,0.07489395141601562,0.4758867827,0.4230769231,-1,-1,-1,2.311063051223755,0.0037008437,0.4230769231,-1,-1,-1,6.733445167541504,0.7570585244,0.4230769231,6.685829162597656,0.8309623681,0.4230769231,0.7979059219360352,0.5511481117,0.4230769231,1.309570074081421,0.5251883315,0.4230769231,-1,-1,-1,0.9818639755249023,0.0020360441,0.4230769231,-1,-1,-1,0.7654528617858887,0.6749358135,0.4230769231,0.8336007595062256,0.5990954292,0.4230769231
+pricingcall_indep_qiskit_7,pricingcall,7,-1,0.6031770884,0.1855670103,-1,0.027744332,0.273015873,0.372499942779541,0.0266861812,0.1612903226,0.34662890434265137,0.1721429122,0.1612903226,1.7879831790924072,5.681e-07,0.183908046,0.7389380931854248,0.0,0.1917808219,6.485296010971069,0.0161683092,0.1170212766,5.993046045303345,0.3768062708,0.1170212766,20.810288190841675,0.6001636181,0.1515151515,2.000473737716675,0.0056795142,0.1971153846,1.7838656902313232,0.0353628304,0.2,2.1535630226135254,3.128e-07,0.255,2.1340320110321045,0.0,0.1761363636,1.7538609504699707,0.0023181716,0.1739130435,1.7608511447906494,0.2821827219,0.1739130435,2.0369338989257812,0.2720224935,0.1643835616
+qft_indep_tket_14,qft,14,-1,0.4300003567,0.7252747253,-1,0.0,0.7691466083,0.6169509887695312,0.0003651617,0.4934782609,0.7593231201171875,0.01494986,0.5736263736,-1,-1,-1,1.3666059970855713,0.0,0.6068796069,-1,-1,-1,38.3671190738678,0.1271126844,0.7389162562,38.40207004547119,0.3354922268,0.7389162562,16.644451141357422,8.3223e-06,0.5834862385,5.1013360023498535,0.0012331376,0.527301092,-1,-1,-1,12.135549783706665,0.0,0.5969827586,-1,-1,-1,3.558908224105835,0.0964933636,0.7252747253,2.9969160556793213,0.1912639666,0.7252747253
+dj_indep_tket_17,dj,17,-1,0.882399242,0.0,-1,0.0489418396,0.417218543,0.18828392028808594,0.3537753011,0.0,0.15828585624694824,0.4276145229,0.0465116279,-1,-1,-1,0.19535422325134277,0.0001910659,0.1,-1,-1,-1,22.429826021194458,0.8444366646,0.0,20.17399024963379,0.882399242,0.0,0.9195258617401123,0.2616616786,0.1454545455,1.1101009845733643,0.1756863702,0.5080645161,-1,-1,-1,1.209670066833496,1.09e-08,0.5454545455,-1,-1,-1,0.529778242111206,0.7974812257,0.0,0.5909581184387207,0.7586716375,0.0
+realamprandom_indep_qiskit_9,realamprandom,9,-1,0.6495077505,0.6944444444,-1,0.0056162499,0.6944444444,0.8051347732543945,0.0002894418,0.4164133739,30.509047031402588,0.0414594559,0.5410447761,-1,-1,-1,1.040769100189209,0.0,0.5098039216,9.246109962463379,0.0148475478,0.6944444444,10.44041109085083,0.3532401047,0.6944444444,9.218028783798218,0.6495077505,0.6944444444,3.1174299716949463,0.0002424848,0.4909560724,3.0443990230560303,0.0019301074,0.5422535211,-1,-1,-1,3.0611839294433594,0.0,0.5039370079,2.5341670513153076,0.0008056897,0.6944444444,2.528110980987549,0.226389966,0.6944444444,2.9766438007354736,0.1691087198,0.6944444444
+random_indep_qiskit_2,random,2,-1,0.9665405251,0.0,-1,0.8972913624,0.0,0.27954912185668945,0.9402441018,0.0,0.02321600914001465,0.9339444101,0.0,0.03630709648132324,0.8144269818,0.0,0.03346705436706543,0.4336990682,0.0,0.022237062454223633,0.8892608819,0.0,0.029202938079833984,0.9750305032,0.0,0.032689809799194336,0.9665405251,0.0,0.08048796653747559,0.9262629945,0.0,0.0548398494720459,0.9223885415,0.0,0.05631375312805176,0.6409129684,0.0,0.06999397277832031,0.658028173,0.0,0.05977582931518555,0.8708131249,0.0,0.06581711769104004,0.9719147703,0.0,0.08721494674682617,0.9684852493,0.0
+twolocalrandom_indep_tket_6,twolocalrandom,6,-1,0.8152687798,0.5333333333,-1,0.112064106,0.5333333333,0.32680225372314453,0.0124021419,0.3367346939,0.3051588535308838,0.4529908283,0.3367346939,1.543473243713379,2.55734e-05,0.4388489209,0.3636631965637207,1.871e-07,0.1495327103,5.702715873718262,0.1617299381,0.5333333333,5.740381956100464,0.6415156091,0.5333333333,5.75472092628479,0.8152687798,0.5333333333,1.2530229091644287,0.1941960161,0.3515151515,1.1190180778503418,0.3211193124,0.4027777778,1.1100380420684814,7.3698e-06,0.2962962963,1.3051478862762451,9.9e-09,0.2032520325,1.0062627792358398,0.0476946288,0.5333333333,1.0171680450439453,0.5324006067,0.5333333333,1.1767091751098633,0.4623093062,0.5333333333
+qpeinexact_indep_tket_9,qpeinexact,9,-1,0.6411609114,0.4642857143,-1,0.0005717749,0.4731182796,0.262927770614624,0.0448730749,0.226993865,0.2534201145172119,0.2301101976,0.2484848485,-1,-1,-1,0.4882791042327881,0.0,0.2328767123,9.254070043563843,0.0275182037,0.4642857143,9.267046213150024,0.424012154,0.4642857143,9.283651113510132,0.6411609114,0.4642857143,2.185633897781372,0.095608016,0.2988505747,1.6377382278442383,0.1619114645,0.3216374269,-1,-1,-1,1.7961158752441406,0.0,0.3801169591,1.3556780815124512,0.0131338376,0.4166666667,1.3664071559906006,0.3958507185,0.4166666667,1.196671962738037,0.5197353668,0.4166666667
+dj_indep_qiskit_7,dj,7,-1,0.9530936952,0.0,-1,0.0432007179,0.4634146341,0.05164384841918945,0.6828685841,0.0769230769,0.04088187217712402,0.8632964448,0.0,0.13300204277038574,0.1186309573,0.0625,0.08486771583557129,0.0866797014,0.0,4.071893930435181,0.7587354412,0.0,4.09869384765625,0.93776373,0.0,4.258149862289429,0.9530936952,0.0,0.5125329494476318,0.620314123,0.0,0.49486708641052246,0.8286039839,0.0,0.43393516540527344,0.1194240973,0.0476190476,0.46138978004455566,0.1581839785,0.0,0.20096492767333984,0.6586229662,0.0,0.211683988571167,0.9177212627,0.0,0.24169516563415527,0.8993607161,0.0
+portfoliovqe_indep_tket_7,portfoliovqe,7,-1,0.7824603045,0.6031746032,-1,0.024571764,0.6031746032,0.34322476387023926,0.2151115381,0.347826087,0.299210786819458,0.2033926879,0.2808988764,1.9824538230895996,3.3e-08,0.425,0.8388271331787109,6.3e-09,0.3419354839,6.682739973068237,0.084199477,0.6031746032,6.719397068023682,0.5434116476,0.6031746032,6.872159004211426,0.7824603045,0.6031746032,1.9349949359893799,0.0059111132,0.4480874317,1.8484289646148682,0.0352731494,0.3383838384,1.8739221096038818,1.05e-08,0.5662650602,1.9031319618225098,0.0,0.4155844156,1.5942490100860596,0.0156976118,0.6031746032,1.6179287433624268,0.4204879563,0.6031746032,1.7290089130401611,0.3482910296,0.6031746032
+twolocalrandom_indep_tket_50,twolocalrandom,50,-1,-1,-1,-1,0.0,0.8738512949,33.63075280189514,0.0,0.8472974303,-1,-1,-1,-1,-1,-1,55.7057421207428,0.0,0.8360739542,-1,-1,-1,-1,-1,-1,-1,-1,-1,118.4720950126648,0.0,0.7503505677,-1,-1,-1,-1,-1,-1,120.73247218132019,0.0,0.7974668969,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qpeinexact_indep_qiskit_40,qpeinexact,40,-1,0.0,0.6273867976,-1,0.0,0.7900377229,16.34080982208252,0.0,0.7354685647,-1,-1,-1,-1,-1,-1,139.512629032135,0.0,0.6966384258,-1,-1,-1,-1,-1,-1,-1,-1,-1,31.7079439163208,0.0,0.723280151,-1,-1,-1,-1,-1,-1,32.6325798034668,0.0,0.7292014303,-1,-1,-1,-1,-1,-1,-1,-1,-1
+wstate_indep_tket_10,wstate,10,-1,0.8788696486,0.3888888889,-1,0.0016688402,0.5,0.13879990577697754,0.5487220934,0.3888888889,0.12955689430236816,0.7018218004,0.3888888889,-1,-1,-1,0.3720419406890869,0.0580268053,0.3888888889,5.253461122512817,0.4356453518,0.3888888889,5.205350875854492,0.8243403188,0.3888888889,5.4031758308410645,0.8788696486,0.3888888889,0.556412935256958,0.6728479796,0.3888888889,0.5241339206695557,0.60220081,0.3888888889,-1,-1,-1,0.5405759811401367,0.0136597942,0.3888888889,0.5124390125274658,0.2586220535,0.3888888889,0.5231828689575195,0.7612543465,0.3888888889,0.5766720771789551,0.7003099452,0.3888888889
+wstate_indep_qiskit_80,wstate,80,-1,0.0,0.5999070632,-1,0.0,0.5855969678,72.28700113296509,0.0116552694,0.4873417722,-1,-1,-1,-1,-1,-1,5.645289897918701,0.0,0.4873417722,-1,-1,-1,-1,-1,-1,-1,-1,-1,5.021526098251343,3.93648e-05,0.7310704961,-1,-1,-1,-1,-1,-1,5.160026788711548,0.0,0.8085539715,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qpeinexact_indep_tket_10,qpeinexact,10,-1,0.5853329218,0.5,-1,3.41915e-05,0.5734265734,0.28519296646118164,0.0592332887,0.3348214286,0.29871296882629395,0.1203139472,0.2941176471,-1,-1,-1,0.6051731109619141,0.0,0.2474226804,10.729340076446533,0.0129346884,0.5,10.714617729187012,0.353609294,0.5,10.578290939331055,0.5853329218,0.5,8.99438214302063,0.0430427365,0.4212962963,2.96028208732605,0.0250080797,0.3928571429,-1,-1,-1,8.70681381225586,0.0,0.4177777778,1.6684081554412842,0.0043454205,0.4666666667,1.6778738498687744,0.3128916418,0.4666666667,1.5319080352783203,0.439751214,0.4666666667
+qft_indep_qiskit_3,qft,3,-1,0.9435970182,0.0,-1,2.9444e-06,0.4583333333,0.06058192253112793,0.8672631812,0.0,0.027305126190185547,0.8745205999,0.0,0.7087481021881104,0.2753480426,0.0,0.07098603248596191,0.235136638,0.0,0.043708086013793945,0.6522970543,0.0,0.2115159034729004,0.9062987573,0.0,0.41275715827941895,0.9435970182,0.0,0.2488999366760254,0.6861756261,0.0,0.14834094047546387,0.8691558898,0.0,0.15065336227416992,0.3057230399,0.0,0.23857426643371582,0.1682182384,0.0,0.14549708366394043,0.6796623361,0.0,0.15765905380249023,0.9221377994,0.0,0.1536870002746582,0.935155413,0.0
+graphstate_indep_qiskit_80,graphstate,80,-1,0.0001164736,0.8328690808,-1,0.0,0.870904325,1.5541808605194092,0.0001866579,0.8735955056,-1,-1,-1,-1,-1,-1,24.052917003631592,0.0,0.7751937984,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.938511848449707,2.48076e-05,0.7648351648,-1,-1,-1,-1,-1,-1,13.184667110443115,0.0,0.8376327769,-1,-1,-1,-1,-1,-1,-1,-1,-1
+twolocalrandom_indep_tket_11,twolocalrandom,11,-1,0.5342937316,0.7515151515,-1,0.000377835,0.7515151515,1.2464687824249268,0.0028193009,0.5914489311,1.457772970199585,0.0065970594,0.6224489796,-1,-1,-1,1.66538405418396,0.0,0.5846560847,0.26872706413269043,0.0017182336,0.7515151515,29.028372049331665,0.2060086979,0.7515151515,29.086605072021484,0.5342937316,0.7515151515,17.27010989189148,8.219e-07,0.6319758673,5.458503723144531,0.0040952149,0.5480769231,-1,-1,-1,17.531965970993042,0.0,0.6156462585,3.9028329849243164,2.08824e-05,0.7515151515,3.9161019325256348,0.1050654737,0.7515151515,4.478538990020752,0.0691946512,0.7515151515
+dj_indep_qiskit_14,dj,14,-1,0.9020452096,0.0,-1,0.0044095562,0.4663212435,0.09096908569335938,0.4172579884,0.064516129,0.08222317695617676,0.4730809694,0.0,-1,-1,-1,0.15481805801391602,5.9125e-05,0.09375,-1,-1,-1,6.6075170040130615,0.870613417,0.0,6.619933843612671,0.9020452096,0.0,0.7862458229064941,0.3665705236,0.0697674419,0.8443026542663574,0.4587371185,0.2068965517,-1,-1,-1,0.8667938709259033,0.0036264951,0.4655172414,-1,-1,-1,0.41400814056396484,0.8321302656,0.0,0.4711449146270752,0.7991943039,0.0
+graphstate_indep_qiskit_7,graphstate,7,-1,0.9655681757,0.5714285714,-1,0.356797678,0.525,0.04741311073303223,0.6761941119,0.4615384615,0.03473496437072754,0.7262556143,0.4615384615,3.268824815750122,0.1927802651,0.5,0.05635404586791992,0.0977868976,0.4,4.222782373428345,0.7393163526,0.5714285714,4.261834144592285,0.9306244096,0.5714285714,4.291505336761475,0.9655681757,0.5714285714,0.4579617977142334,0.4900608742,0.4375,0.3888418674468994,0.670113632,0.3684210526,0.32817816734313965,0.1111024075,0.3684210526,0.4159049987792969,0.2363073996,0.4375,0.22456097602844238,0.5718782632,0.5714285714,0.23730111122131348,0.8948426806,0.5714285714,0.2670712471008301,0.8597646358,0.5714285714
+wstate_indep_qiskit_3,wstate,3,-1,0.9694488717,0.0,-1,0.9214258329,0.0,0.03458094596862793,0.853784495,0.0,0.02097630500793457,0.918184417,0.0,0.035292863845825195,0.644914405,0.0,0.04082512855529785,0.4875487288,0.0,0.030820846557617188,0.8246446034,0.0,0.19139790534973145,0.9567895996,0.0,0.38786888122558594,0.9694488717,0.0,0.128997802734375,0.889806084,0.0,0.10310006141662598,0.9201725346,0.0,0.10440707206726074,0.4931552133,0.0,0.11734390258789062,0.5631063051,0.0,0.10134196281433105,0.7329183092,0.0,0.11363506317138672,0.939718077,0.0,0.13518285751342773,0.9203018547,0.0
+qft_indep_qiskit_13,qft,13,-1,0.3910215098,0.7183908046,-1,5.93e-08,0.7615283267,0.519920825958252,0.0018275943,0.4881889764,0.4759550094604492,0.0258801392,0.4808184143,-1,-1,-1,1.1299090385437012,0.0,0.5539358601,-1,-1,-1,36.00744676589966,0.1704281623,0.7183908046,35.838030099868774,0.3910215098,0.7183908046,8.795559883117676,0.0006361948,0.7083333333,3.431666851043701,0.0073503315,0.4834307992,-1,-1,-1,4.163619041442871,0.0,0.6696428571,-1,-1,-1,3.071552038192749,0.1343703126,0.7051282051,2.5823709964752197,0.2400403845,0.7051282051
+graphstate_indep_tket_20,graphstate,20,-1,0.9047377161,0.75,-1,0.0003700762,0.7909967846,0.14517593383789062,0.3865269666,0.75,0.05333995819091797,0.4635629163,0.75,-1,-1,-1,1.8547167778015137,0.0071918091,0.75,-1,-1,-1,8.363231897354126,0.8147649368,0.75,8.411911010742188,0.9047377161,0.75,0.6776762008666992,0.4558367072,0.75,0.6288790702819824,0.4505487481,0.75,-1,-1,-1,0.6570401191711426,0.0017199841,0.75,-1,-1,-1,0.6324672698974609,0.7269639177,0.75,0.6951091289520264,0.6470848784,0.75
+qpeinexact_indep_qiskit_8,qpeinexact,8,-1,0.7480289894,0.3571428571,-1,0.0017069492,0.510460251,0.18839120864868164,0.1382562677,0.2105263158,0.17952895164489746,0.3328864349,0.2105263158,1.2823560237884521,0.0001547574,0.3577235772,0.3910548686981201,2.318e-07,0.1016949153,7.887912034988403,0.0616771825,0.4,7.917448043823242,0.5143863757,0.4,7.959270000457764,0.7079596798,0.4,1.6483650207519531,0.2267215711,0.3282442748,1.3647570610046387,0.1820696675,0.3359375,1.4000749588012695,3.87956e-05,0.3282442748,1.4511148929595947,1.68e-08,0.272,1.1163079738616943,0.0334104311,0.3571428571,1.1357190608978271,0.4842150815,0.3571428571,1.0250921249389648,0.5961023509,0.3571428571
+wstate_indep_tket_26,wstate,26,-1,0.702347475,0.46,-1,0.0,0.5494505495,4.069595098495483,0.1804545709,0.46,0.3309659957885742,0.2101064843,0.3625,-1,-1,-1,10.510580778121948,1.78189e-05,0.46,-1,-1,-1,-1,-1,-1,10.082600831985474,0.702347475,0.46,1.527836799621582,0.1969485277,0.46,2.779999017715454,0.1069706955,0.3984375,-1,-1,-1,1.5074350833892822,2.963e-07,0.46,-1,-1,-1,-1,-1,-1,1.59194016456604,0.3750707036,0.46
+qftentangled_indep_qiskit_2,qftentangled,2,-1,0.9607528708,0.0,-1,0.9508293848,0.0,0.03029608726501465,0.940631136,0.0,0.01933002471923828,0.9343021435,0.0,0.03480410575866699,0.8178562251,0.0,0.033312082290649414,0.4349372337,0.0,0.02097916603088379,0.8892608819,0.0,0.0293271541595459,0.9750305032,0.0,0.17143511772155762,0.9607528708,0.0,0.08456707000732422,0.9257922758,0.0,0.05790591239929199,0.9221620577,0.0,0.060073137283325195,0.6263835838,0.0,0.07680821418762207,0.6543370511,0.0,0.11321902275085449,0.8639943108,0.0,0.06997990608215332,0.970748939,0.0,0.08749127388000488,0.9665492473,0.0
+qpeexact_indep_tket_7,qpeexact,7,-1,0.7739333948,0.4255319149,-1,0.0226184839,0.5,0.1324019432067871,0.3437961259,0.1842105263,0.12045574188232422,0.2371240699,0.1842105263,0.8283829689025879,0.0001464159,0.367816092,0.25228190422058105,6.3981e-06,0.3142857143,6.399855852127075,0.135725915,0.4347826087,6.4559948444366455,0.6222778477,0.4347826087,6.484382152557373,0.7739333948,0.4255319149,1.053199052810669,0.3090465718,0.3711340206,1.016010046005249,0.3577932774,0.2784810127,0.9572889804840088,0.0009297459,0.2727272727,1.0532469749450684,3.57e-08,0.301369863,0.78879714012146,0.1017503182,0.3783783784,0.7855870723724365,0.61557151,0.3783783784,0.6960530281066895,0.6996075308,0.3684210526
+vqe_indep_tket_5,vqe,5,-1,0.9323387287,0.25,-1,0.6469952702,0.25,0.054025888442993164,0.8054185167,0.25,0.035395145416259766,0.8404731945,0.25,0.06657934188842773,0.3748281737,0.25,0.08273935317993164,0.2624375014,0.25,0.8588950634002686,0.6747137475,0.25,3.782608985900879,0.9143482416,0.25,3.9114418029785156,0.9323387287,0.25,0.23947596549987793,0.8166814457,0.25,0.22843313217163086,0.7717000396,0.25,0.2350940704345703,0.2851791592,0.25,0.23818206787109375,0.170472743,0.25,0.21152496337890625,0.5287896856,0.25,0.22257709503173828,0.8809528143,0.25,0.25200891494750977,0.8418864582,0.25
+su2random_indep_tket_7,su2random,7,-1,0.753270339,0.6031746032,-1,0.0441931094,0.6031746032,0.2998769283294678,0.2758456033,0.3695652174,0.27122020721435547,0.2639512387,0.3265306122,2.079535961151123,5.702e-07,0.3948717949,0.6704928874969482,0.0,0.3172413793,6.333105087280273,0.0740535756,0.6031746032,6.391010999679565,0.5328623898,0.6031746032,6.368257999420166,0.753270339,0.6031746032,1.8590128421783447,0.0058574701,0.4480874317,1.7764761447906494,0.0351284976,0.3383838384,2.1041860580444336,9.3e-09,0.5662650602,1.9220988750457764,0.0,0.4155844156,1.4845309257507324,0.0138422998,0.6031746032,1.4998879432678223,0.4124900139,0.6031746032,1.7208781242370605,0.3420747964,0.6031746032
+qnn_indep_tket_7,qnn,7,-1,0.6495429186,0.5333333333,-1,0.3752280629,0.5393258427,0.2924211025238037,0.0623930837,0.4096385542,0.27641892433166504,0.1792714779,0.4146341463,1.8526673316955566,1.433e-07,0.3770491803,0.5161960124969482,0.0,0.3233532934,6.7860190868377686,0.0245554532,0.5393258427,34.30732989311218,0.4090965916,0.5393258427,6.813950300216675,0.6495429186,0.5333333333,1.86222505569458,0.0540086932,0.4046511628,1.7913398742675781,0.0403898323,0.3926701571,1.8947348594665527,2.15e-08,0.4652173913,1.9535627365112305,0.0,0.4587628866,1.5717599391937256,0.0047365978,0.5393258427,1.5772371292114258,0.3182066582,0.5393258427,1.7917449474334717,0.4288844828,0.5
+qftentangled_indep_qiskit_15,qftentangled,15,-1,0.3519748185,0.75,-1,0.2641066161,0.7591836735,0.734591007232666,0.0001418938,0.6637478109,0.7578229904174805,0.0074651862,0.5169811321,-1,-1,-1,1.6125950813293457,0.0,0.5199161426,-1,-1,-1,41.60839605331421,0.0827047661,0.7591836735,41.7769730091095,0.2641066161,0.7591836735,10.454549074172974,7.1e-09,0.5991440799,5.014761924743652,0.0011866953,0.6118210863,-1,-1,-1,5.615930795669556,0.0,0.5992366412,-1,-1,-1,4.5954508781433105,0.0555927707,0.75,4.011689186096191,0.1164337111,0.756302521
+qftentangled_indep_tket_2,qftentangled,2,-1,0.9607528708,0.0,-1,0.9523970326,0.0,0.02856612205505371,0.940631136,0.0,0.019984006881713867,0.9343021435,0.0,0.12570500373840332,0.8178562251,0.0,0.034293174743652344,0.4349372337,0.0,4.082186937332153,0.8892608819,0.0,0.029277801513671875,0.9750305032,0.0,0.03636908531188965,0.9607528708,0.0,0.08351993560791016,0.9257922758,0.0,0.057945966720581055,0.9221620577,0.0,0.07537102699279785,0.6263835838,0.0,0.1085808277130127,0.6543370511,0.0,0.05695009231567383,0.8639943108,0.0,0.07020187377929688,0.970748939,0.0,0.08858180046081543,0.9665492473,0.0
+graphstate_indep_qiskit_18,graphstate,18,-1,0.9138405512,0.7222222222,-1,5.69835e-05,0.7419354839,0.1740720272064209,0.283592063,0.6296296296,0.07375812530517578,0.4268790484,0.7,-1,-1,-1,0.7502121925354004,0.0282465469,0.7222222222,-1,-1,-1,8.088369846343994,0.8306304355,0.7222222222,35.85970687866211,0.9138405512,0.7222222222,1.13409423828125,0.2034573892,0.4912280702,1.2398688793182373,0.4285113941,0.5128205128,-1,-1,-1,0.6009809970855713,0.0035315127,0.7222222222,-1,-1,-1,0.5915141105651855,0.7527741793,0.7222222222,0.6422488689422607,0.6809637039,0.7222222222
+graphstate_indep_tket_16,graphstate,16,-1,0.9230349727,0.6875,-1,0.0011487076,0.725631769,0.10401272773742676,0.4233202787,0.575,0.08058428764343262,0.502072965,0.7,-1,-1,-1,0.3618888854980469,0.0650333863,0.6875,-1,-1,-1,21.177819967269897,0.8481611187,0.6875,7.301821231842041,0.9230349727,0.6875,1.0956478118896484,0.2182212469,0.5517241379,1.1648998260498047,0.4981051592,0.6774193548,-1,-1,-1,0.5362579822540283,0.0029722178,0.6875,-1,-1,-1,0.519683837890625,0.7763884164,0.6875,0.5736598968505859,0.7094822909,0.6875
+random_indep_tket_7,random,7,-1,0.7136661025,0.4385964912,-1,0.0268688761,0.5,13.7200288772583,0.0899625804,0.2919708029,0.2554638385772705,0.1636273172,0.2919708029,1.320216178894043,3.57293e-05,0.4308943089,0.45011091232299805,1.5535e-06,0.3551401869,6.667497873306274,0.0612529705,0.4745762712,6.885738134384155,0.525538459,0.4745762712,6.808618068695068,0.6884062541,0.4920634921,1.7364630699157715,0.1466035862,0.2792207792,1.6605267524719238,0.2273241154,0.3311688312,1.745534896850586,6.2502e-06,0.4569536424,1.7535560131072998,0.0,0.2956521739,1.426332950592041,0.0200542812,0.4482758621,1.442840814590454,0.4446247487,0.4482758621,1.5649371147155762,0.4384332792,0.4222222222
+wstate_indep_qiskit_18,wstate,18,-1,0.7856665187,0.4411764706,-1,0.0004896666,0.5949367089,0.6839532852172852,0.2819028929,0.4411764706,0.09682202339172363,0.44356057,0.4411764706,-1,-1,-1,8.428744077682495,0.0009349828,0.4411764706,-1,-1,-1,8.085161924362183,0.6952681996,0.4411764706,8.030151128768921,0.7856665187,0.4411764706,1.0312399864196777,0.1754532795,0.4411764706,0.995507001876831,0.3997318223,0.4411764706,-1,-1,-1,1.0238659381866455,0.0001670415,0.4411764706,-1,-1,-1,0.9873530864715576,0.598404928,0.4411764706,1.0883309841156006,0.5125092622,0.4411764706
+qpeinexact_indep_tket_30,qpeinexact,30,-1,0.0169644333,0.8055555556,-1,2.656e-07,0.8125,2.7671048641204834,0.0,0.7349823322,-1,-1,-1,-1,-1,-1,6.5727620124816895,0.0,0.6861348528,-1,-1,-1,-1,-1,-1,89.68778896331787,0.0099116014,0.8125,20.507395029067993,0.0,0.6939040208,-1,-1,-1,-1,-1,-1,17.717303037643433,0.0,0.6301169591,-1,-1,-1,-1,-1,-1,13.652230024337769,0.0006009391,0.8068965517
+qpeinexact_indep_tket_5,qpeinexact,5,-1,0.8657576525,0.1923076923,-1,0.0,0.4329268293,0.08265185356140137,0.297959435,0.0810810811,0.07651710510253906,0.7389563446,0.0857142857,0.7594199180603027,0.0479435407,0.0540540541,0.16332268714904785,4.51806e-05,0.1315789474,1.0253880023956299,0.3213257933,0.1923076923,4.529803037643433,0.7640570063,0.1923076923,4.467066049575806,0.8657576525,0.1923076923,0.5968837738037109,0.5608766063,0.0,0.5417332649230957,0.7210935129,0.1142857143,0.4371798038482666,0.0147026229,0.1136363636,0.5027389526367188,9.5729e-05,0.0625,0.42058682441711426,0.2903883686,0.1,0.4335978031158447,0.7691516294,0.1,0.40066099166870117,0.8227296338,0.1
+dj_indep_qiskit_22,dj,22,-1,0.8520217522,0.0,-1,0.0,0.4730538922,0.2419109344482422,0.2201831067,0.0357142857,0.17467689514160156,0.292861151,0.0579710145,-1,-1,-1,0.23402905464172363,3.7635e-06,0.1020408163,-1,-1,-1,9.129561185836792,0.8027601275,0.0,24.12899899482727,0.8520217522,0.0,1.3051142692565918,0.1233388101,0.362745098,1.3359031677246094,0.0660824846,0.5079365079,-1,-1,-1,1.5023448467254639,0.0,0.452991453,-1,-1,-1,0.6555471420288086,0.7437021843,0.0,0.7376570701599121,0.6975066101,0.0
+qpeinexact_indep_qiskit_60,qpeinexact,60,-1,0.0,0.6362813843,-1,0.0,0.8279935442,24.329107999801636,0.0,0.8037501438,-1,-1,-1,-1,-1,-1,32.48312306404114,0.0,0.7572582681,-1,-1,-1,-1,-1,-1,-1,-1,-1,64.71949219703674,0.0,0.7309956273,-1,-1,-1,-1,-1,-1,66.00361800193787,0.0,0.7224664992,-1,-1,-1,-1,-1,-1,-1,-1,-1
+realamprandom_indep_qiskit_5,realamprandom,5,-1,0.8631525904,0.4333333333,-1,9.99e-08,0.4915254237,0.20813369750976562,0.5173867638,0.1333333333,0.1907520294189453,0.2759993507,0.1333333333,1.2279949188232422,0.0019875291,0.2888888889,0.247161865234375,3.17e-08,0.2089552239,1.097233772277832,0.2927234165,0.4333333333,4.726293087005615,0.7422407689,0.4333333333,4.759882926940918,0.8631525904,0.4333333333,0.9556748867034912,0.1233263237,0.2528735632,0.8936409950256348,0.4776271702,0.2666666667,0.7956030368804932,4.62477e-05,0.4035087719,0.8455638885498047,5.8e-09,0.2345679012,0.7119789123535156,0.1265577004,0.4333333333,0.7221980094909668,0.653046326,0.4333333333,0.8393287658691406,0.5883958064,0.4333333333
+wstate_indep_tket_30,wstate,30,-1,0.6640624375,0.4655172414,-1,0.0,0.5595854922,9.612349033355713,0.1388537803,0.4655172414,-1,-1,-1,-1,-1,-1,12.207474946975708,4.1176e-06,0.4655172414,-1,-1,-1,-1,-1,-1,11.482404947280884,0.6640624375,0.4655172414,1.777637004852295,0.1663685665,0.4655172414,-1,-1,-1,-1,-1,-1,1.7563459873199463,2.89e-08,0.4655172414,-1,-1,-1,-1,-1,-1,1.8529698848724365,0.3208624206,0.4655172414
+qpeexact_indep_tket_12,qpeexact,12,-1,0.5133890923,0.5581395349,-1,5.47e-08,0.6226685796,1.080111026763916,0.0084465514,0.402027027,0.4373619556427002,0.0241663377,0.3883792049,-1,-1,-1,0.8545749187469482,0.0,0.3152173913,-1,-1,-1,32.80215096473694,0.2309027428,0.5833333333,32.752321004867554,0.4691585936,0.5793103448,15.09909987449646,0.0006460454,0.4535519126,3.162277936935425,0.0203736098,0.4328358209,-1,-1,-1,13.192790985107422,0.0,0.5566343042,-1,-1,-1,2.487107992172241,0.1902176262,0.5581395349,2.1865081787109375,0.3144991496,0.5538461538
+dj_indep_tket_60,dj,60,-1,1.957e-07,0.5067319461,-1,0.0,0.7650085763,0.7309238910675049,0.0031936312,0.1976744186,-1,-1,-1,-1,-1,-1,0.9541082382202148,0.0,0.2105263158,-1,-1,-1,-1,-1,-1,-1,-1,-1,4.199445009231567,3e-10,0.7806505421,-1,-1,-1,-1,-1,-1,3.95052433013916,0.0,0.7405764967,-1,-1,-1,-1,-1,-1,-1,-1,-1
+graphstate_indep_qiskit_22,graphstate,22,-1,0.895725555,0.7272727273,-1,0.7840011497,0.7272727273,0.1319417953491211,0.22200162,0.6714285714,0.09653878211975098,0.3486262085,0.7551020408,-1,-1,-1,0.17665505409240723,7.33436e-05,0.6739130435,-1,-1,-1,9.239768028259277,0.7985632438,0.7272727273,15.498152256011963,0.895725555,0.7272727273,1.2396900653839111,0.0417708334,0.6618705036,1.309187889099121,0.2782158828,0.6301369863,-1,-1,-1,1.3696577548980713,3.08e-08,0.5567010309,-1,-1,-1,0.7045822143554688,0.7034443725,0.7272727273,0.7821669578552246,0.617975271,0.7272727273
+twolocalrandom_indep_qiskit_7,twolocalrandom,7,-1,0.7646603011,0.6031746032,-1,0.0475575351,0.6031746032,0.4340240955352783,0.2624176265,0.3741007194,0.24239277839660645,0.234378996,0.2839506173,2.1178600788116455,3.14e-08,0.425,0.5421302318572998,1.55e-08,0.3401360544,12.509132862091064,0.0811665348,0.6031746032,6.351094961166382,0.5403764418,0.6031746032,6.323710918426514,0.7646603011,0.6031746032,1.8466129302978516,0.0058942789,0.4480874317,1.7585902214050293,0.0352396813,0.3383838384,1.8170690536499023,1e-08,0.5662650602,1.9110991954803467,0.0,0.4155844156,1.469933032989502,0.0147407954,0.6031746032,1.6243760585784912,0.4164697864,0.6031746032,1.879045009613037,0.3451689196,0.6031746032
+vqe_indep_qiskit_15,vqe,15,-1,0.8023628854,0.4285714286,-1,0.0027438976,0.5707964602,0.36032795906066895,0.3103005434,0.4285714286,0.0942232608795166,0.4434445,0.4285714286,-1,-1,-1,3.7308590412139893,0.0028826887,0.4285714286,-1,-1,-1,7.0518059730529785,0.7331517292,0.4285714286,7.074780225753784,0.7943752667,0.4285714286,0.9236681461334229,0.3881484354,0.4285714286,0.8909690380096436,0.5084236428,0.4285714286,-1,-1,-1,0.9395220279693604,0.0016694336,0.4285714286,-1,-1,-1,0.887702226638794,0.6450495084,0.4285714286,0.9624788761138916,0.553562884,0.4285714286
+qpeexact_indep_qiskit_11,qpeexact,11,-1,0.5195962452,0.544,-1,1.1456e-06,0.5712025316,0.3712038993835449,0.0305112978,0.3823529412,0.4716010093688965,0.0765061249,0.299270073,-1,-1,-1,0.7267229557037354,0.0,0.3922413793,0.20951485633850098,0.0050532731,0.5483870968,29.608216047286987,0.2824923818,0.5483870968,29.683515071868896,0.5195962452,0.544,14.69959568977356,0.0035104766,0.4671814672,3.560299873352051,0.0843826467,0.4534412955,-1,-1,-1,23.304769039154053,0.0,0.515625,3.714625120162964,0.0014343468,0.5137614679,2.2542238235473633,0.2463209029,0.5137614679,2.0691630840301514,0.3743153075,0.5090909091
+dj_indep_qiskit_18,dj,18,-1,0.8762383111,0.0,-1,0.0007455417,0.4513618677,0.20147991180419922,0.2040770273,0.0816326531,0.1836259365081787,0.3744990497,0.0217391304,-1,-1,-1,0.17921686172485352,0.000273903,0.0,-1,-1,-1,7.667279005050659,0.8356642475,0.0,7.7033820152282715,0.8762383111,0.0,1.0702178478240967,0.2462390294,0.186440678,0.5353400707244873,0.1955072148,0.5210084034,-1,-1,-1,1.2498748302459717,1.191e-07,0.3529411765,-1,-1,-1,0.5538790225982666,0.786674708,0.0,0.6882128715515137,0.7466212625,0.0
+ae_indep_tket_3,ae,3,-1,0.9626772626,0.0,-1,0.1196024281,0.4347826087,0.053030967712402344,0.9054273353,0.0,0.039572954177856445,0.9042232098,0.0,0.0662071704864502,0.4134903584,0.0,0.06616902351379395,0.3883417667,0.0,0.05117082595825195,0.7488593074,0.0,0.19628381729125977,0.9358897024,0.0,0.38101792335510254,0.9626772626,0.0,0.23003602027893066,0.6863044146,0.0,0.2198646068572998,0.8688739207,0.0,0.17955613136291504,0.3036772991,0.0,0.27648401260375977,0.1695590068,0.0,0.20624017715454102,0.6832336686,0.0,0.1949329376220703,0.9228759525,0.0,0.3515050411224365,0.9379664995,0.0
+wstate_indep_tket_3,wstate,3,-1,0.9694488717,0.0,-1,0.921654338,0.0,0.03243899345397949,0.853784495,0.0,0.020707130432128906,0.918184417,0.0,0.035527944564819336,0.6456889993,0.0,0.040956974029541016,0.4875487288,0.0,0.03344082832336426,0.8246446034,0.0,0.18729400634765625,0.9567895996,0.0,1.919381856918335,0.9694488717,0.0,0.1747138500213623,0.889806084,0.0,0.1200418472290039,0.9201725346,0.0,0.14880704879760742,0.4931552133,0.0,0.13235092163085938,0.5631063051,0.0,0.10512304306030273,0.7329183092,0.0,0.1380479335784912,0.939718077,0.0,0.3429110050201416,0.9203018547,0.0
+portfolioqaoa_indep_qiskit_4,portfolioqaoa,4,-1,0.9138405512,0.2777777778,-1,1.36313e-05,0.3043478261,0.10328483581542969,0.251252269,0.0,0.22949004173278809,0.4990221272,0.0,0.631281852722168,0.0007780502,0.2121212121,7.4714531898498535,0.0013273056,0.0,1.7903978824615479,0.4725110246,0.2777777778,25.578180074691772,0.8346278473,0.2777777778,27.370564937591553,0.9138405512,0.2777777778,0.6843769550323486,0.1130540595,0.0,0.581171989440918,0.4652022524,0.0,0.6089270114898682,0.0005510125,0.2345679012,0.7273521423339844,1.421e-07,0.2592592593,0.5933198928833008,0.1135566897,0.2777777778,0.6075360774993896,0.6282862927,0.2777777778,1.8419699668884277,0.7116107206,0.2777777778
+dj_indep_tket_21,dj,21,-1,0.8580124137,0.0,-1,0.0954760866,0.5027932961,0.13937687873840332,0.2522181483,0.0357142857,0.13100075721740723,0.3566388907,0.0588235294,-1,-1,-1,9.20769214630127,7.91936e-05,0.0217391304,-1,-1,-1,58.72344183921814,0.8111871324,0.0,47.65396189689636,0.8580124137,0.0,1.5946831703186035,0.1306021862,0.3663366337,1.1808562278747559,0.0961582825,0.4790419162,-1,-1,-1,1.4143469333648682,1e-10,0.2788461538,-1,-1,-1,0.6484200954437256,0.7539183903,0.0,0.7234852313995361,0.7087642806,0.0
+wstate_indep_qiskit_22,wstate,22,-1,0.742839751,0.4523809524,-1,0.0,0.5194805195,1.6907060146331787,0.225119285,0.4523809524,0.15285611152648926,0.344663439,0.3541666667,-1,-1,-1,69.32426905632019,0.0001299946,0.4523809524,-1,-1,-1,52.1656060218811,0.6385211365,0.4523809524,20.27515411376953,0.742839751,0.4523809524,1.3149161338806152,0.23118238,0.4523809524,1.890923023223877,0.1280812531,0.524822695,-1,-1,-1,1.262986660003662,5.099e-07,0.4523809524,-1,-1,-1,1.2283470630645752,0.5305518697,0.4523809524,2.1847400665283203,0.4384372356,0.4523809524
+portfolioqaoa_indep_tket_3,portfolioqaoa,3,-1,0.9473808611,0.0,-1,2.00114e-05,0.3243243243,1.6476447582244873,0.6340371537,0.0,1.6548099517822266,0.6838558449,0.0,20.65106987953186,0.0575720288,0.0,3.505709171295166,0.0541891056,0.0,0.4324002265930176,0.67137277,0.0,3.8026821613311768,0.9102960589,0.0,3.4652342796325684,0.9473808611,0.0,0.4752681255340576,0.2594597997,0.0,0.3915846347808838,0.5700308951,0.0,0.28401899337768555,0.0332156883,0.0,0.3734397888183594,0.0154293936,0.0,0.27420902252197266,0.3214562409,0.0,0.27801513671875,0.7869574418,0.0,0.2259681224822998,0.8335028705,0.0
+su2random_indep_qiskit_50,su2random,50,-1,0.0,0.8224896578,-1,0.0,0.883249718,63.86024022102356,0.0,0.8472974303,-1,-1,-1,-1,-1,-1,49.067843198776245,0.0,0.8360739542,-1,-1,-1,-1,-1,-1,-1,-1,-1,118.56072902679443,0.0,0.7503505677,-1,-1,-1,-1,-1,-1,122.36569023132324,0.0,0.7974668969,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qpeexact_indep_qiskit_50,qpeexact,50,-1,0.0,0.6753589218,-1,0.0,0.8303426719,83.10947012901306,0.0,0.7730996068,-1,-1,-1,-1,-1,-1,62.44623589515686,0.0,0.7747829233,-1,-1,-1,-1,-1,-1,-1,-1,-1,48.066131830215454,0.0,0.7091825308,-1,-1,-1,-1,-1,-1,49.20913481712341,0.0,0.7665697674,-1,-1,-1,-1,-1,-1,-1,-1,-1
+wstate_indep_qiskit_23,wstate,23,-1,0.7325029164,0.4545454545,-1,0.0002593821,0.6011235955,16.157766103744507,0.2151287869,0.4545454545,4.0083019733428955,0.2795365755,0.3050847458,-1,-1,-1,54.224425077438354,5.30429e-05,0.4545454545,-1,-1,-1,20.556728839874268,0.6250733829,0.4545454545,61.15407705307007,0.7325029164,0.4545454545,1.3362088203430176,0.2175020051,0.4545454545,2.3237550258636475,0.1514378134,0.4159292035,-1,-1,-1,1.322706937789917,5.15e-08,0.4545454545,-1,-1,-1,1.304455041885376,0.5148266516,0.4545454545,1.3967771530151367,0.4216565576,0.4545454545
+pricingcall_indep_qiskit_11,pricingcall,11,-1,0.3544730503,0.2388059701,-1,3.52e-08,0.4325581395,30.633163928985596,1.0195e-06,0.2431693989,26.50805401802063,0.0198348827,0.1961325967,-1,-1,-1,6.073960065841675,0.0,0.28,2.5568597316741943,0.0001804889,0.2268041237,9.394252061843872,0.1312425268,0.2268041237,141.45055890083313,0.3537644587,0.2388059701,4.214626789093018,0.0006889828,0.2803738318,6.239809989929199,0.0029952448,0.182464455,-1,-1,-1,4.476940870285034,0.0,0.3171912833,3.8164238929748535,2.6699e-06,0.2268041237,3.8146259784698486,0.0689732182,0.2268041237,4.6253156661987305,0.0602722963,0.2075471698
+qaoa_indep_qiskit_3,qaoa,3,-1,0.9675051229,0.0,-1,0.1163020761,0.3928571429,0.42580199241638184,0.7565110436,0.0,0.34923696517944336,0.8007782823,0.0,15.251527786254883,0.1722748204,0.0,0.12191295623779297,0.1657300466,0.0,0.03413724899291992,0.7788801729,0.0,0.18650007247924805,0.9415230505,0.0,0.3653120994567871,0.9675051229,0.0,0.3008382320404053,0.449641086,0.0,0.19649791717529297,0.7254903967,0.0,0.1945648193359375,0.1367685551,0.0,0.2940189838409424,0.0857009489,0.0,0.1944408416748047,0.4692611218,0.0,0.21294498443603516,0.8523817927,0.0,0.17992115020751953,0.8912987712,0.0
+portfolioqaoa_indep_qiskit_5,portfolioqaoa,5,-1,0.8735780628,0.4333333333,-1,3e-10,0.367965368,1.1474010944366455,0.3155921563,0.1153846154,0.1482529640197754,0.1067616953,0.1153846154,1.3930630683898926,0.0001925411,0.275,0.33183813095092773,0.0,0.2268041237,1.1205906867980957,0.2981423428,0.4333333333,4.796854019165039,0.7443223722,0.4333333333,9.753788948059082,0.8735780628,0.4333333333,1.2246029376983643,0.0565988948,0.2478632479,1.2030770778656006,0.3474609707,0.25,1.3755829334259033,1.7592e-06,0.4097222222,1.1853950023651123,0.0,0.2612612613,1.0183942317962646,0.0277691754,0.4333333333,1.0081989765167236,0.4638483494,0.4333333333,0.9121389389038086,0.5802115956,0.4333333333
+dj_indep_tket_20,dj,20,-1,0.8640451962,0.0,-1,0.1587418359,0.5,4.660298824310303,0.1866685866,0.0,0.2043302059173584,0.3842841291,0.0384615385,-1,-1,-1,0.22454190254211426,0.0001899716,0.0943396226,-1,-1,-1,20.692291975021362,0.8190469693,0.0,8.561877012252808,0.8640451962,0.0,1.1748120784759521,0.1740757171,0.2117647059,1.0003609657287598,0.1142534656,0.5,-1,-1,-1,1.3799607753753662,1.19e-08,0.4505494505,-1,-1,-1,0.6157660484313965,0.7648867228,0.0,0.7117829322814941,0.7216462193,0.0
+dj_indep_qiskit_19,dj,19,-1,0.8709913874,0.0,-1,0.0,0.5162241888,0.12659788131713867,0.195833192,0.0576923077,0.18041014671325684,0.3932900698,0.0,-1,-1,-1,5.8391218185424805,8.6308e-05,0.0377358491,-1,-1,-1,8.210972785949707,0.827313888,0.0,8.203593015670776,0.8709913874,0.0,1.3702692985534668,0.0822722916,0.2688172043,0.588111162185669,0.1489559441,0.5,-1,-1,-1,1.1082329750061035,6.35e-08,0.4285714286,-1,-1,-1,0.5877408981323242,0.7753939398,0.0,0.6597499847412109,0.7332935001,0.0
+ae_indep_tket_2,ae,2,-1,0.9841135213,0.0,-1,0.9523970326,0.0,0.0319058895111084,0.9408179515,0.0,0.2601461410522461,0.9537454036,0.0,1.6988282203674316,0.8185113617,0.0,0.37754011154174805,0.4330033568,0.0,0.019010066986083984,0.8986307996,0.0,0.02721691131591797,0.9765921133,0.0,0.029213905334472656,0.9841135213,0.0,0.08526802062988281,0.9250258398,0.0,0.039051055908203125,0.9219615375,0.0,0.03889822959899902,0.6393721585,0.0,0.061579227447509766,0.6582188087,0.0,0.03833484649658203,0.8799886632,0.0,0.04973912239074707,0.9734713902,0.0,0.11497306823730469,0.9792057305,0.0
+wstate_indep_tket_2,wstate,2,-1,0.9831294078,0.0,-1,0.951775188,0.0,0.2138371467590332,0.9410183294,0.0,4.8383190631866455,0.9325835799,0.0,2.6636407375335693,0.8186749,0.0,0.029401779174804688,0.4345810587,0.0,0.01390218734741211,0.9033527169,0.0,0.023470640182495117,0.9773738561,0.0,0.028348207473754883,0.9831294078,0.0,0.06784200668334961,0.9265593469,0.0,0.04268789291381836,0.9223626215,0.0,0.04022789001464844,0.6347205131,0.0,0.05791211128234863,0.6545266176,0.0,0.041767120361328125,0.8662612954,0.0,0.054830074310302734,0.971137394,0.0,0.07081198692321777,0.967516764,0.0
+ae_indep_qiskit_40,ae,40,-1,0.0,0.520860077,-1,0.0,0.789119743,7.107816934585571,0.0,0.7300319489,-1,-1,-1,-1,-1,-1,22.20761799812317,0.0,0.7024820379,-1,-1,-1,-1,-1,-1,-1,-1,-1,31.236465215682983,0.0,0.723280151,-1,-1,-1,-1,-1,-1,32.60830092430115,0.0,0.7302150762,-1,-1,-1,-1,-1,-1,-1,-1,-1
+vqe_indep_qiskit_14,vqe,14,-1,0.8080068203,0.4230769231,-1,0.0001679558,0.6388206388,0.2811129093170166,0.3354900253,0.4230769231,0.7167959213256836,0.4708237669,0.4230769231,-1,-1,-1,9.506474018096924,0.0031240842,0.4230769231,-1,-1,-1,6.949182987213135,0.7492243571,0.4230769231,6.818773031234741,0.805585223,0.4230769231,0.780371904373169,0.5459642625,0.4230769231,0.7496142387390137,0.5208006979,0.4230769231,-1,-1,-1,0.829749584197998,0.0019526934,0.4230769231,-1,-1,-1,0.7729830741882324,0.6647523428,0.4230769231,0.83345627784729,0.576745957,0.4230769231
+qpeexact_indep_qiskit_10,qpeexact,10,-1,0.595976848,0.5408163265,-1,5.12787e-05,0.5888650964,5.601953029632568,0.0041713222,0.3041474654,0.2883610725402832,0.0987895629,0.3756097561,-1,-1,-1,1.6273763179779053,9e-10,0.2994011976,10.008676767349243,0.015804582,0.5463917526,11.652782201766968,0.371372678,0.5463917526,19.60750389099121,0.595976848,0.5408163265,2.2370429039001465,0.0258001942,0.5240384615,1.846562147140503,0.060031269,0.3613445378,-1,-1,-1,2.0569417476654053,0.0,0.3730569948,1.6541619300842285,0.0058654847,0.5176470588,1.66178297996521,0.3336436296,0.5176470588,1.4865119457244873,0.4604656111,0.511627907
+twolocalrandom_indep_qiskit_6,twolocalrandom,6,-1,0.8152687798,0.5333333333,-1,0.112064106,0.5333333333,0.33069896697998047,0.0124021419,0.3367346939,0.3111097812652588,0.4529908283,0.3367346939,1.5648140907287598,2.55197e-05,0.4388489209,0.37029218673706055,1.871e-07,0.1495327103,6.501616954803467,0.1617299381,0.5333333333,5.733047008514404,0.6415156091,0.5333333333,5.738536834716797,0.8152687798,0.5333333333,1.2522482872009277,0.1941960161,0.3515151515,1.197822093963623,0.3211193124,0.4027777778,1.1133232116699219,7.3698e-06,0.2962962963,1.30352783203125,9.9e-09,0.2032520325,1.0044970512390137,0.0476946288,0.5333333333,1.0192220211029053,0.5324006067,0.5333333333,1.1738688945770264,0.4623093062,0.5333333333
+qpeexact_indep_tket_13,qpeexact,13,-1,0.4516483106,0.6092715232,-1,3.02e-08,0.6776649746,0.8459608554840088,0.0006872735,0.4456521739,0.4491879940032959,0.0202759217,0.4158415842,-1,-1,-1,0.9824111461639404,0.0,0.4336569579,-1,-1,-1,45.98435401916504,0.1792044942,0.6331360947,38.30198693275452,0.4119082458,0.6294117647,6.2846839427948,0.0001419558,0.6051948052,3.2795538902282715,0.018155929,0.465060241,-1,-1,-1,4.033744812011719,0.0,0.4962216625,-1,-1,-1,2.863058090209961,0.1438565789,0.6092715232,2.5107131004333496,0.2590059979,0.6052631579
+graphstate_indep_qiskit_23,graphstate,23,-1,0.8912531946,0.8260869565,-1,0.7306654265,0.8260869565,0.15631985664367676,0.2358721977,0.8070175439,0.0947418212890625,0.3313439416,0.7727272727,-1,-1,-1,0.2646028995513916,3.13932e-05,0.7291666667,-1,-1,-1,9.359200954437256,0.7893194403,0.8260869565,9.4114990234375,0.8912531946,0.8260869565,1.4695219993591309,0.1888577512,0.7678571429,1.4153187274932861,0.183907356,0.625,-1,-1,-1,1.1969599723815918,1e-10,0.6395348837,-1,-1,-1,0.7453100681304932,0.6947454917,0.8260869565,0.8143579959869385,0.6099877834,0.8260869565
+pricingput_indep_qiskit_7,pricingput,7,-1,0.6043852546,0.1855670103,-1,0.0383881212,0.2536231884,0.40576601028442383,0.0235337492,0.1614583333,0.3574368953704834,0.162995788,0.1614583333,1.7005691528320312,3.443e-07,0.1777777778,0.6256542205810547,0.0,0.1973684211,6.211076974868774,0.0126593472,0.15,6.250206232070923,0.3550557773,0.15,6.2050042152404785,0.6013657483,0.1515151515,2.0944249629974365,0.0024290495,0.1822660099,1.8589329719543457,0.0309139281,0.2631578947,2.2358992099761963,2.862e-07,0.1683168317,2.1581220626831055,0.0,0.2628865979,1.8734588623046875,0.001423299,0.15,1.8827080726623535,0.2543237746,0.15,2.1582579612731934,0.2590059979,0.1842105263
+routing_indep_tket_2,routing,2,-1,0.973339309,0.0,-1,0.9508293848,0.0,0.06319212913513184,0.9251305142,0.0,0.023971080780029297,0.93967417,0.0,0.032479047775268555,0.7792874271,0.0,0.030270099639892578,0.3164808033,0.0,0.02181720733642578,0.8463049475,0.0,0.03210282325744629,0.9641296472,0.0,0.026729106903076172,0.973339309,0.0,0.08644890785217285,0.9160040437,0.0,0.05416297912597656,0.910781262,0.0,0.05048394203186035,0.5897068449,0.0,0.06507992744445801,0.5589780753,0.0,0.04855704307556152,0.817960852,0.0,0.06176304817199707,0.9591281878,0.0,0.08120393753051758,0.9636495995,0.0
+graphstate_indep_tket_40,graphstate,40,-1,0.0006474844,0.7368421053,-1,0.0,0.8392857143,4.8048460483551025,0.1962678699,0.85,-1,-1,-1,-1,-1,-1,34.1581289768219,0.0002414684,0.85,-1,-1,-1,-1,-1,-1,-1,-1,-1,1.4739611148834229,0.1908097458,0.85,-1,-1,-1,-1,-1,-1,1.4369752407073975,1.1552e-06,0.85,-1,-1,-1,-1,-1,-1,-1,-1,-1
+realamprandom_indep_qiskit_4,realamprandom,4,-1,0.9056488079,0.2777777778,-1,0.0236255828,0.5128205128,0.07780933380126953,0.4269611715,0.0,0.07069206237792969,0.6568596526,0.0,0.5093770027160645,0.0064154892,0.2083333333,0.1596219539642334,0.0145949606,0.0,0.1717538833618164,0.4627087621,0.2777777778,3.9493560791015625,0.8319607743,0.2777777778,4.122975826263428,0.9056488079,0.2777777778,0.5248630046844482,0.2534812171,0.0,0.41993212699890137,0.6261643669,0.0,0.43370485305786133,0.0040020039,0.2222222222,0.5505270957946777,1.58732e-05,0.1944444444,0.4008181095123291,0.2812434682,0.2777777778,0.4137399196624756,0.7710630055,0.2777777778,0.4801151752471924,0.7202058149,0.2777777778
+qpeinexact_indep_tket_4,qpeinexact,4,-1,0.9184317816,0.0,-1,2.38e-08,0.5490196078,0.055253028869628906,0.5372090193,0.0,0.04713177680969238,0.7709346309,0.0,0.21280789375305176,0.1212043267,0.0,0.24170923233032227,0.0826068811,0.0,0.16420316696166992,0.5161123277,0.0,3.9377830028533936,0.8553519636,0.0,4.089264154434204,0.9184317816,0.0,0.33877086639404297,0.468732408,0.0,0.2654881477355957,0.7849036525,0.0,0.2776949405670166,0.0976529068,0.0833333333,0.3739356994628906,0.0050412934,0.0,0.27278614044189453,0.4717268866,0.0,0.2833530902862549,0.8530641075,0.0,0.2773888111114502,0.8868511814,0.0
+dj_indep_qiskit_23,dj,23,-1,0.8460729175,0.0,-1,0.0,0.5031055901,0.26257896423339844,0.1594925675,0.1194029851,0.23286199569702148,0.2892698004,0.0175438596,-1,-1,-1,0.3930680751800537,1.026e-06,0.1111111111,-1,-1,-1,9.401432991027832,0.7941028981,0.0,9.420400857925415,0.8460729175,0.0,1.4212801456451416,0.0978595168,0.3305084746,1.4139721393585205,0.0467310787,0.5483870968,-1,-1,-1,1.4432902336120605,0.0,0.4462809917,-1,-1,-1,0.703624963760376,0.7330376341,0.0,0.7880229949951172,0.6850555819,0.0
+random_indep_tket_6,random,6,-1,0.7639393005,0.3181818182,-1,9.43267e-05,0.4705882353,0.17966008186340332,0.210502399,0.1794871795,0.16756391525268555,0.484842451,0.1794871795,0.8438291549682617,0.0002375223,0.3493975904,0.31868624687194824,4.17e-07,0.2535211268,5.114866018295288,0.1317600693,0.3488372093,5.125967741012573,0.6263505488,0.3488372093,5.970226049423218,0.7639393005,0.3181818182,1.206617832183838,0.3385890741,0.1951219512,1.1769599914550781,0.3198357918,0.164556962,1.0558481216430664,0.0002342582,0.3092783505,1.0828359127044678,1.993e-07,0.3134328358,0.9867820739746094,0.0700097394,0.375,0.9999449253082275,0.5750260215,0.375,1.082144021987915,0.5773163339,0.4
+graphstate_indep_tket_17,graphstate,17,-1,0.9184262563,0.7058823529,-1,0.0007783589,0.7553956835,0.10274195671081543,0.3972260038,0.725,0.0849771499633789,0.3914290389,0.7380952381,-1,-1,-1,0.13294005393981934,0.0007958362,0.6571428571,-1,-1,-1,7.475311756134033,0.8396858844,0.7058823529,7.5180559158325195,0.9184262563,0.7058823529,1.0937659740447998,0.1528655664,0.5930232558,0.9845976829528809,0.2950210877,0.5471698113,-1,-1,-1,0.9529311656951904,5.54961e-05,0.6818181818,-1,-1,-1,0.5433230400085449,0.7637258653,0.7058823529,0.657599925994873,0.6933403614,0.7058823529
+wstate_indep_qiskit_19,wstate,19,-1,0.774733737,0.4444444444,-1,0.0005204866,0.5181818182,0.8939521312713623,0.2557230606,0.4444444444,0.0926218032836914,0.4322048704,0.4444444444,-1,-1,-1,8.655577898025513,0.0008098191,0.4444444444,-1,-1,-1,8.320124864578247,0.6806253085,0.4444444444,8.508648872375488,0.774733737,0.4444444444,1.1054677963256836,0.1687921046,0.4444444444,1.0691659450531006,0.3872976751,0.4444444444,-1,-1,-1,1.0919523239135742,2.34239e-05,0.4444444444,-1,-1,-1,1.0592079162597656,0.5806685886,0.4444444444,1.1575706005096436,0.4928935631,0.4444444444
+vqe_indep_tket_16,vqe,16,-1,0.7794125192,0.4333333333,-1,0.0008086337,0.5945017182,0.4231879711151123,0.2872961994,0.4333333333,0.09523415565490723,0.4319337816,0.4333333333,-1,-1,-1,5.718792915344238,0.0015143608,0.4333333333,-1,-1,-1,7.1161229610443115,0.7168500726,0.4333333333,7.1540820598602295,0.7794125192,0.4333333333,1.0123980045318604,0.2857813704,0.4333333333,0.976870059967041,0.4793567057,0.4333333333,-1,-1,-1,0.9880249500274658,0.0010582918,0.4333333333,-1,-1,-1,0.9281978607177734,0.6266823716,0.4333333333,1.115907907485962,0.5339762323,0.4333333333
+qnn_indep_tket_6,qnn,6,-1,0.7266174615,0.4615384615,-1,0.4920628958,0.46875,0.1993260383605957,0.0246880517,0.2195121951,0.17499589920043945,0.2597152543,0.1937984496,3.706357955932617,0.000108509,0.3467741935,0.36164093017578125,0.0,0.1946902655,5.762531280517578,0.0674057976,0.46875,6.503989934921265,0.5233334688,0.46875,17.25782012939453,0.7266174615,0.4615384615,1.3191759586334229,0.2238998847,0.3112582781,1.159365177154541,0.2785120095,0.3051948052,1.169433832168579,4.8689e-06,0.3243243243,1.3602590560913086,0.0,0.3700787402,1.0896320343017578,0.0205669867,0.46875,1.113840103149414,0.4365847956,0.46875,1.2577259540557861,0.5382592341,0.4285714286
+qftentangled_indep_qiskit_14,qftentangled,14,-1,0.4033137974,0.7333333333,-1,0.0,0.7674897119,0.5789451599121094,0.0001301999,0.6471774194,0.8224508762359619,0.0088768236,0.5414847162,-1,-1,-1,1.2442400455474854,0.0,0.6051948052,-1,-1,-1,39.67621612548828,0.1108432513,0.7453703704,79.18609309196472,0.3068979105,0.7453703704,5.131080389022827,4.86628e-05,0.7316017316,5.514169216156006,0.001897229,0.5441176471,-1,-1,-1,12.04797911643982,0.0,0.4915254237,-1,-1,-1,4.034142255783081,0.0804880265,0.7333333333,3.533897876739502,0.151486849,0.7403846154
+qftentangled_indep_tket_3,qftentangled,3,-1,0.9323303153,0.0,-1,1.4343e-06,0.393442623,0.04169178009033203,0.7964175813,0.0,0.030144929885864258,0.8621820641,0.0,1.0734400749206543,0.2359749202,0.0,0.07509922981262207,0.2034810103,0.0,0.04294705390930176,0.6096732404,0.0,0.19060897827148438,0.8904117562,0.0,0.37632012367248535,0.9323303153,0.0,0.28652405738830566,0.7328829072,0.0,0.1818239688873291,0.7388755481,0.0,0.18142914772033691,0.2846607556,0.0,0.27341580390930176,0.3280446497,0.0,0.17787718772888184,0.5965299502,0.0,0.19015288352966309,0.8973156956,0.0,0.19485688209533691,0.9038737605,0.0
+wstate_indep_tket_70,wstate,70,-1,7.01e-08,0.366442953,-1,0.0,0.6136101499,96.63244414329529,0.0067852148,0.4855072464,-1,-1,-1,-1,-1,-1,43.553874254226685,0.0,0.4855072464,-1,-1,-1,-1,-1,-1,-1,-1,-1,4.341140985488892,0.0001608373,0.7047619048,-1,-1,-1,-1,-1,-1,4.441609144210815,0.0,0.7894736842,-1,-1,-1,-1,-1,-1,-1,-1,-1
+graphstate_indep_qiskit_19,graphstate,19,-1,0.9092777426,0.7368421053,-1,0.0010874698,0.7750865052,0.28554511070251465,0.1867669791,0.5094339623,0.08771920204162598,0.4212394291,0.6666666667,-1,-1,-1,0.24365901947021484,9.24539e-05,0.6511627907,-1,-1,-1,8.339462041854858,0.8229886355,0.7368421053,8.530626773834229,0.9092777426,0.7368421053,1.0034840106964111,0.2435969944,0.5636363636,1.1964671611785889,0.3613541667,0.5652173913,-1,-1,-1,1.1067347526550293,0.0004480739,0.6486486486,-1,-1,-1,0.6376593112945557,0.7390169568,0.7368421053,0.698603630065918,0.6621499158,0.7368421053
+realamprandom_indep_tket_40,realamprandom,40,-1,-1,-1,-1,0.0,0.8400109582,19.624032974243164,0.0,0.8069632495,-1,-1,-1,-1,-1,-1,25.260831117630005,0.0,0.7986900147,-1,-1,-1,-1,-1,-1,-1,-1,-1,67.60584092140198,0.0,0.7876790579,-1,-1,-1,-1,-1,-1,70.4667661190033,0.0,0.79863174,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qftentangled_indep_qiskit_3,qftentangled,3,-1,0.9323303153,0.0,-1,0.2249839519,0.4534883721,0.04259991645812988,0.7964175813,0.0,0.030373096466064453,0.8621820641,0.0,0.168198823928833,0.2359749202,0.0,0.2511429786682129,0.2034810103,0.0,0.04417014122009277,0.6096732404,0.0,0.21123313903808594,0.8904117562,0.0,0.41588878631591797,0.9323303153,0.0,0.28776073455810547,0.7328829072,0.0,0.18238306045532227,0.7388755481,0.0,0.1854398250579834,0.2846607556,0.0,0.2769608497619629,0.3280446497,0.0,0.17990803718566895,0.5965299502,0.0,0.18957805633544922,0.8973156956,0.0,0.19699811935424805,0.9038737605,0.0
+qpeexact_indep_tket_6,qpeexact,6,-1,0.8301114296,0.2647058824,-1,0.0001884575,0.4242424242,0.1020059585571289,0.3699077158,0.1276595745,0.08432388305664062,0.5198075355,0.1276595745,0.620337963104248,0.010715307,0.2931034483,0.19400310516357422,0.0009513839,0.1276595745,5.2042951583862305,0.2369397211,0.2727272727,5.257020950317383,0.7107656803,0.2727272727,5.292799949645996,0.8301114296,0.2647058824,0.7757649421691895,0.3653658525,0.2380952381,0.597041130065918,0.5433846003,0.2380952381,0.6875720024108887,0.0038896039,0.2638888889,0.8115558624267578,1.4139e-06,0.2222222222,0.573807954788208,0.1863614277,0.2222222222,0.5876641273498535,0.7004929464,0.2222222222,0.5313141345977783,0.7716905134,0.2142857143
+vqe_indep_tket_4,vqe,4,-1,0.9483377481,0.1666666667,-1,0.8592160978,0.1666666667,0.04585003852844238,0.826074105,0.1666666667,0.03298783302307129,0.8691424658,0.1666666667,0.05450892448425293,0.4789260458,0.1666666667,0.06263518333435059,0.3696942741,0.1666666667,0.13035202026367188,0.7429954403,0.1666666667,3.38246488571167,0.9347670839,0.1666666667,3.4194412231445312,0.9483377481,0.1666666667,0.18292713165283203,0.8582481366,0.1666666667,0.15710830688476562,0.7982525204,0.1666666667,0.1744861602783203,0.3727514022,0.1666666667,0.17766237258911133,0.4739441235,0.1666666667,0.15443134307861328,0.6184779258,0.1666666667,0.16648006439208984,0.9089515466,0.1666666667,0.19176983833312988,0.8780224717,0.1666666667
+su2random_indep_tket_6,su2random,6,-1,0.8055391832,0.5333333333,-1,0.1052334634,0.5333333333,0.37005186080932617,0.0122238204,0.3367346939,0.317425012588501,0.3953546472,0.34375,1.4087860584259033,1.0707e-06,0.4316546763,0.40344810485839844,2e-10,0.1339285714,5.496289968490601,0.1495028896,0.5333333333,5.506901025772095,0.6338619051,0.5333333333,10.9863121509552,0.8055391832,0.5333333333,1.2529239654541016,0.1936365848,0.3515151515,1.1180729866027832,0.320173178,0.4027777778,1.1127710342407227,7.1276e-06,0.2962962963,1.3090579509735107,9.6e-09,0.2032520325,1.0169289112091064,0.0452594131,0.5333333333,1.028594970703125,0.528157548,0.5333333333,1.1897871494293213,0.4567920054,0.5333333333
+wstate_indep_tket_27,wstate,27,-1,0.6925741025,0.4615384615,-1,0.0,0.6071428571,5.3035361766815186,0.1641361537,0.4615384615,0.18799996376037598,0.1970562276,0.2235294118,-1,-1,-1,10.839931011199951,1.6187e-05,0.4615384615,-1,-1,-1,-1,-1,-1,10.319958686828613,0.6925741025,0.4615384615,1.6031959056854248,0.1831982895,0.4615384615,3.1545588970184326,0.1395512276,0.3559322034,-1,-1,-1,1.5725529193878174,1.214e-07,0.4615384615,-1,-1,-1,-1,-1,-1,1.6633708477020264,0.3607153063,0.4615384615
+qpeinexact_indep_qiskit_9,qpeinexact,9,-1,0.6411609114,0.4642857143,-1,0.0004742522,0.5,0.27415013313293457,0.0123807001,0.226993865,0.23172879219055176,0.1901188928,0.303030303,-1,-1,-1,0.4715702533721924,0.0,0.2876712329,9.200340032577515,0.0275182037,0.4642857143,9.243260860443115,0.424012154,0.4642857143,9.212133884429932,0.6411609114,0.4642857143,2.245081901550293,0.0956248492,0.2988505747,1.6778831481933594,0.1617051334,0.3216374269,-1,-1,-1,1.836082935333252,0.0,0.3801169591,1.3959081172943115,0.0130309944,0.4166666667,1.4024131298065186,0.3953758876,0.4166666667,1.2726709842681885,0.5176595417,0.4166666667
+twolocalrandom_indep_tket_30,twolocalrandom,30,-1,0.0135133675,0.9103448276,-1,0.0135133675,0.9103448276,10.722945213317871,0.0,0.8675757576,-1,-1,-1,-1,-1,-1,14.516998767852783,0.0,0.7780418251,-1,-1,-1,-1,-1,-1,149.45010209083557,0.0135133675,0.9103448276,35.33186721801758,0.0,0.7258064516,-1,-1,-1,-1,-1,-1,36.5858039855957,0.0,0.7909774436,-1,-1,-1,-1,-1,-1,37.17827916145325,1.8e-09,0.9103448276
+qpeinexact_indep_tket_50,qpeinexact,50,-1,0.0,0.6794520548,-1,0.0,0.8096981692,11.35123896598816,0.0,0.7425655977,-1,-1,-1,-1,-1,-1,23.868492126464844,0.0,0.7754880694,-1,-1,-1,-1,-1,-1,-1,-1,-1,46.73037528991699,0.0,0.709103124,-1,-1,-1,-1,-1,-1,47.88931608200073,0.0,0.7664583636,-1,-1,-1,-1,-1,-1,-1,-1,-1
+wstate_indep_qiskit_2,wstate,2,-1,0.9831294078,0.0,-1,0.951775188,0.0,0.025430917739868164,0.9410183294,0.0,0.01533198356628418,0.9325835799,0.0,0.03538012504577637,0.8170383689,0.0,0.029130935668945312,0.4345810587,0.0,0.15555596351623535,0.9033527169,0.0,0.02413010597229004,0.9773738561,0.0,0.027096986770629883,0.9831294078,0.0,0.0685567855834961,0.9265593469,0.0,0.04207801818847656,0.9223626215,0.0,0.04053688049316406,0.6347205131,0.0,0.05591988563537598,0.6545266176,0.0,0.04188275337219238,0.8662612954,0.0,0.055596113204956055,0.971137394,0.0,0.0732569694519043,0.967516764,0.0
+graphstate_indep_qiskit_6,graphstate,6,-1,0.970413453,0.1666666667,-1,0.2155001793,0.4666666667,0.056732892990112305,0.6882069174,0.375,0.040994882583618164,0.8293013227,0.3846153846,0.1168210506439209,0.2116106184,0.0833333333,0.050930023193359375,0.0396904867,0.0833333333,4.139008045196533,0.7707588809,0.1666666667,4.255696058273315,0.9400175172,0.1666666667,4.249862909317017,0.970413453,0.1666666667,0.41304802894592285,0.5118670778,0.25,0.3628809452056885,0.7037155228,0.1666666667,0.2738971710205078,0.2355947064,0.3333333333,0.3815031051635742,0.0133671193,0.1666666667,0.20145225524902344,0.6217277605,0.1666666667,0.21424508094787598,0.9096791443,0.1666666667,0.2418959140777588,0.8797811542,0.1666666667
+qft_indep_qiskit_12,qft,12,-1,0.4982041776,0.6818181818,-1,4.7579e-06,0.7229832572,0.4247431755065918,0.0017264061,0.5277777778,0.4112520217895508,0.0130720129,0.4936708861,-1,-1,-1,0.978769063949585,0.0,0.5688405797,-1,-1,-1,30.659848928451538,0.217052623,0.7,32.295634031295776,0.4422592746,0.7,13.211312055587769,0.0006478623,0.5895316804,3.134408950805664,0.0159569176,0.5213675214,-1,-1,-1,14.56902813911438,0.0,0.6379928315,-1,-1,-1,2.608074903488159,0.1825160935,0.6818181818,2.200209856033325,0.2988533088,0.6818181818
+wstate_indep_tket_50,wstate,50,-1,4.5e-07,0.5937090433,-1,0.0,0.5776699029,39.20093393325806,0.0637073164,0.4795918367,-1,-1,-1,-1,-1,-1,39.19434189796448,5.1e-09,0.4795918367,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.023416757583618,0.0397429748,0.4795918367,-1,-1,-1,-1,-1,-1,3.023866891860962,0.0,0.4795918367,-1,-1,-1,-1,-1,-1,-1,-1,-1
+graphstate_indep_tket_21,graphstate,21,-1,0.900220358,0.7142857143,-1,0.0004355162,0.7733333333,0.1883559226989746,0.1053201471,0.7058823529,0.08733391761779785,0.4085636122,0.5,-1,-1,-1,1.6500647068023682,1.88667e-05,0.65625,-1,-1,-1,8.960967063903809,0.8066234133,0.7142857143,8.938910007476807,0.900220358,0.7142857143,1.2086570262908936,0.0236339744,0.5408805031,1.631044864654541,0.2509802602,0.7066666667,-1,-1,-1,1.5827829837799072,4.044e-07,0.6060606061,-1,-1,-1,0.6849420070648193,0.7151074583,0.7142857143,0.7553830146789551,0.6323625962,0.7142857143
+twolocalrandom_indep_tket_10,twolocalrandom,10,-1,0.591751641,0.7259259259,-1,0.0015628623,0.7259259259,0.9957489967346191,0.0061137031,0.5192307692,1.0685491561889648,0.0036577704,0.5397727273,-1,-1,-1,1.2697758674621582,0.0,0.5362776025,10.588904857635498,0.0052995824,0.7259259259,10.550265312194824,0.2732526628,0.7259259259,10.507250785827637,0.591751641,0.7259259259,10.570759057998657,1.14036e-05,0.6026365348,4.548259019851685,0.00416064,0.6070763501,-1,-1,-1,10.394360065460205,0.0,0.6329113924,3.0876119136810303,0.0001432318,0.7259259259,3.095189094543457,0.1574466392,0.7259259259,4.1297430992126465,0.110968898,0.7259259259
+dj_indep_qiskit_15,dj,15,-1,0.8966437539,0.0,-1,0.203555227,0.44,0.09569787979125977,0.3820567194,0.0555555556,0.15037274360656738,0.4331550386,0.0,-1,-1,-1,0.1526169776916504,0.0003364223,0.0967741935,-1,-1,-1,6.759371995925903,0.8619138286,0.0,8.482733011245728,0.8966437539,0.0,0.9553582668304443,0.3153391162,0.085106383,0.961601972579956,0.3948771776,0.2461538462,-1,-1,-1,0.9555549621582031,0.0008674667,0.5076923077,-1,-1,-1,0.45999598503112793,0.8201976733,0.0,4.062597274780273,0.7849280723,0.0
+routing_indep_qiskit_6,routing,6,-1,0.8877148877,0.4,-1,0.5137616117,0.4,0.07483410835266113,0.7065244795,0.4,0.052510976791381836,0.7369708501,0.4,0.11523890495300293,0.1688018649,0.4,0.12627005577087402,0.0700240123,0.4,4.047043800354004,0.4897604113,0.4,4.116331100463867,0.8485350883,0.4,4.1263439655303955,0.8877148877,0.4,0.42368316650390625,0.742389245,0.4,0.9665579795837402,0.6634321517,0.4,0.5352520942687988,0.1538209101,0.4,0.4264109134674072,0.0313774649,0.4,0.38210606575012207,0.3137032036,0.4,0.3960561752319336,0.7927420092,0.4,0.4497690200805664,0.7340341516,0.4
+qft_indep_qiskit_2,qft,2,-1,0.9655739846,0.0,-1,0.9523970326,0.0,0.031790733337402344,0.9254980248,0.0,0.021619081497192383,0.9401654605,0.0,0.04384779930114746,0.781004669,0.0,0.038289785385131836,0.3173738267,0.0,0.045156240463256836,0.8463049475,0.0,0.05414295196533203,0.9641296472,0.0,0.03495073318481445,0.9655739846,0.0,0.08292293548583984,0.9164015074,0.0,0.0561978816986084,0.9118044524,0.0,0.0583188533782959,0.5892375394,0.0,0.07621073722839355,0.5563257973,0.0,0.060450077056884766,0.8158202684,0.0,0.07219219207763672,0.9587445365,0.0,0.08454704284667969,0.9655797935,0.0
+qpeinexact_indep_tket_11,qpeinexact,11,-1,0.5195962452,0.544,-1,3.4236e-06,0.5889908257,0.36183595657348633,0.0232318859,0.2894736842,0.35096096992492676,0.0170827238,0.3579335793,-1,-1,-1,0.8487081527709961,0.0,0.2168141593,0.21363210678100586,0.0048853831,0.544,29.209975242614746,0.2800054541,0.544,29.272172927856445,0.5195962452,0.544,14.619399070739746,0.0034421645,0.4653846154,3.475762128829956,0.0830180277,0.4516129032,-1,-1,-1,23.278738260269165,0.0,0.513618677,1.9995379447937012,0.0013686421,0.5090909091,2.0122427940368652,0.2436644972,0.5090909091,1.7932159900665283,0.3713312449,0.5090909091
+wstate_indep_tket_11,wstate,11,-1,0.8666399179,0.4,-1,0.0311571105,0.6,0.14108586311340332,0.4154334798,0.4,0.06094694137573242,0.6838542936,0.4,-1,-1,-1,0.7073798179626465,0.0504589599,0.4,0.055787086486816406,0.3976880588,0.4,5.497460842132568,0.8069790681,0.4,5.841154098510742,0.8666399179,0.4,0.6166188716888428,0.6286270853,0.4,1.0791947841644287,0.5841481126,0.4,-1,-1,-1,0.6035337448120117,0.0080473286,0.4,0.5729849338531494,0.222863225,0.4,0.585162878036499,0.7386912544,0.4,0.6406900882720947,0.6735063922,0.4
+graphstate_indep_tket_60,graphstate,60,-1,0.0015688362,0.7625570776,-1,0.0,0.8748717949,25.15702199935913,0.0040467672,0.8666666667,-1,-1,-1,-1,-1,-1,25.814552783966064,0.0,0.813253012,-1,-1,-1,-1,-1,-1,-1,-1,-1,4.166445016860962,8.89103e-05,0.7910447761,-1,-1,-1,-1,-1,-1,5.374117851257324,0.0,0.7733333333,-1,-1,-1,-1,-1,-1,-1,-1,-1
+dj_indep_qiskit_6,dj,6,-1,0.959795005,0.0,-1,0.0759105514,0.4074074074,0.2849280834197998,0.6460919865,0.0,0.16312122344970703,0.861322806,0.0,0.16099190711975098,0.2171761933,0.0,0.06841301918029785,0.181765367,0.0,4.6536900997161865,0.7951602317,0.0,4.047111988067627,0.9479871353,0.0,11.87247085571289,0.959795005,0.0,0.44289517402648926,0.7348987707,0.0,0.27261805534362793,0.7664940125,0.0,0.35668492317199707,0.2144488123,0.0,0.3500959873199463,0.151724893,0.0,0.1542189121246338,0.7067135225,0.0,0.16501903533935547,0.9310726707,0.0,0.19518518447875977,0.9157067848,0.0
+portfoliovqe_indep_tket_6,portfoliovqe,6,-1,0.8317466246,0.5333333333,-1,0.0699232377,0.5333333333,0.23134684562683105,0.0044141791,0.3083333333,0.2279818058013916,0.3880886286,0.3083333333,4.0002360343933105,2.45724e-05,0.4388489209,0.49143505096435547,1.852e-07,0.1495327103,15.394749879837036,0.1673342269,0.5333333333,11.698759317398071,0.6448608495,0.5333333333,5.781023025512695,0.8317466246,0.5333333333,1.3084421157836914,0.1943267011,0.3515151515,1.2049610614776611,0.321323287,0.4027777778,1.1947758197784424,7.4911e-06,0.2962962963,1.3019208908081055,9.9e-09,0.2032520325,1.0693349838256836,0.0487050166,0.5333333333,1.0830271244049072,0.5341073593,0.5333333333,1.1725597381591797,0.4664909703,0.5333333333
+qpeinexact_indep_qiskit_16,qpeinexact,16,-1,0.3130781899,0.65,-1,0.0,0.7028023599,0.9383530616760254,7.264e-07,0.4764705882,0.9275720119476318,0.0007294281,0.4632683658,-1,-1,-1,1.8193769454956055,0.0,0.4951830443,-1,-1,-1,55.08175706863403,0.070937188,0.6666666667,60.14634990692139,0.2601601069,0.6666666667,5.876894950866699,1.394e-07,0.5533596838,4.971150159835815,7.80657e-05,0.5737514518,-1,-1,-1,5.291340112686157,0.0,0.5177664975,-1,-1,-1,4.523019075393677,0.046925796,0.65,3.9554269313812256,0.1235132724,0.65
+random_indep_qiskit_3,random,3,-1,0.9111072514,0.0,-1,0.1652581345,0.3904761905,0.07976484298706055,0.8284861542,0.0,0.38805103302001953,0.8354198694,0.0,0.22390198707580566,0.1605302934,0.0,0.10817503929138184,0.1500373887,0.0,0.06782817840576172,0.5323044875,0.0,0.22498297691345215,0.8657506378,0.0,0.4011688232421875,0.9111072514,0.0,0.3616452217102051,0.482510934,0.0,0.2587440013885498,0.7405650737,0.0,0.27144598960876465,0.0548210594,0.0,0.36812901496887207,0.021962733,0.0,0.26618218421936035,0.4128301738,0.0,0.2788071632385254,0.8327963695,0.0,0.44669008255004883,0.828511847,0.0
+vqe_indep_qiskit_3,vqe,3,-1,0.9646113122,0.0,-1,0.919597141,0.0,0.037268877029418945,0.8514841318,0.0,0.0242922306060791,0.9159828598,0.0,0.051622867584228516,0.6390060489,0.0,0.05328989028930664,0.4788584167,0.0,0.031057119369506836,0.8181873073,0.0,0.1911160945892334,0.9556419113,0.0,0.38083505630493164,0.9646113122,0.0,0.12389206886291504,0.8884574707,0.0,0.09959602355957031,0.9192426478,0.0,0.10780692100524902,0.4968248753,0.0,0.11491990089416504,0.5608839199,0.0,0.09629321098327637,0.7233782259,0.0,0.11057400703430176,0.9378401438,0.0,0.1858079433441162,0.9157095393,0.0
+twolocalrandom_indep_tket_7,twolocalrandom,7,-1,0.7646603011,0.6031746032,-1,0.0475575351,0.6031746032,0.28473973274230957,0.2624176265,0.3741007194,0.25231409072875977,0.234378996,0.2839506173,2.206350803375244,3.14e-08,0.425,0.523892879486084,1.55e-08,0.3401360544,7.695850849151611,0.0811665348,0.6031746032,7.766301870346069,0.5403764418,0.6031746032,8.084782123565674,0.7646603011,0.6031746032,1.8422398567199707,0.0058942789,0.4480874317,1.7559921741485596,0.0352396813,0.3383838384,1.8055520057678223,1e-08,0.5662650602,3.374752998352051,0.0,0.4155844156,1.5369420051574707,0.0147407954,0.6031746032,1.521836757659912,0.4164697864,0.6031746032,1.98319411277771,0.3451689196,0.6031746032
+qpeinexact_indep_tket_8,qpeinexact,8,-1,0.7472809604,0.3571428571,-1,0.0021191442,0.4770642202,0.1865220069885254,0.0450199675,0.2105263158,0.16864418983459473,0.3478702742,0.2105263158,1.220937967300415,0.0001767817,0.3064516129,0.9532878398895264,1.332e-07,0.1636363636,7.582215070724487,0.0616771825,0.4,7.604794979095459,0.5143863757,0.4,7.746974945068359,0.7079596798,0.4,1.603675127029419,0.2260652047,0.3282442748,1.3266620635986328,0.1817362006,0.3359375,4.486369848251343,4.07904e-05,0.3282442748,1.4742059707641602,1.69e-08,0.272,1.150057077407837,0.0328892457,0.3571428571,1.1904008388519287,0.4830541268,0.3571428571,1.0895650386810303,0.6002918084,0.3571428571
+su2random_indep_qiskit_30,su2random,30,-1,0.0125993391,0.9103448276,-1,0.0125993391,0.9103448276,10.735649108886719,0.0,0.8675757576,-1,-1,-1,-1,-1,-1,14.287296056747437,0.0,0.7780418251,-1,-1,-1,-1,-1,-1,111.63512897491455,0.0125993391,0.9103448276,35.26689887046814,0.0,0.7258064516,-1,-1,-1,-1,-1,-1,36.88063406944275,0.0,0.7909774436,-1,-1,-1,-1,-1,-1,37.38214683532715,1.7e-09,0.9103448276
+qpeexact_indep_qiskit_30,qpeexact,30,-1,0.0103992736,0.8142857143,-1,2.745e-07,0.8142857143,7.306248903274536,0.0,0.7125103563,-1,-1,-1,-1,-1,-1,6.560240030288696,0.0,0.6776504298,-1,-1,-1,-1,-1,-1,89.98498797416687,0.0103992736,0.8142857143,21.589799165725708,0.0,0.6945796819,-1,-1,-1,-1,-1,-1,18.234645128250122,0.0,0.7408730159,-1,-1,-1,-1,-1,-1,14.324935913085938,0.0005569406,0.8087557604
+ae_indep_qiskit_60,ae,60,-1,0.0,0.7885492315,-1,0.0,0.7100753941,25.604053258895874,0.0,0.8107862445,-1,-1,-1,-1,-1,-1,67.58871006965637,0.0,0.7608275041,-1,-1,-1,-1,-1,-1,-1,-1,-1,63.8002233505249,0.0,0.7819456285,-1,-1,-1,-1,-1,-1,68.09141612052917,0.0,0.7986688852,-1,-1,-1,-1,-1,-1,-1,-1,-1
+dj_indep_tket_16,dj,16,-1,0.8894929841,0.0,-1,0.0034986976,0.4237288136,0.1726977825164795,0.3786487795,0.0540540541,0.09510493278503418,0.4359629956,0.0,-1,-1,-1,5.057895183563232,0.0011364939,0.0294117647,-1,-1,-1,16.94066309928894,0.8533011706,0.0,17.1284339427948,0.8894929841,0.0,1.0816750526428223,0.2874560315,0.0784313725,1.0924160480499268,0.3381884583,0.1304347826,-1,-1,-1,0.9878170490264893,0.0002621616,0.4861111111,-1,-1,-1,0.4789459705352783,0.8090833293,0.0,0.5425581932067871,0.7724606528,0.0
+realamprandom_indep_qiskit_8,realamprandom,8,-1,0.7065040889,0.6547619048,-1,0.0175339314,0.6547619048,0.6037309169769287,0.0029355974,0.3555555556,20.526496171951294,0.1069855221,0.3502109705,17.714776039123535,3e-10,0.4907749077,1.8061800003051758,0.0,0.3979057592,23.42408013343811,0.0363287977,0.6547619048,12.77423906326294,0.442380602,0.6547619048,10.855500936508179,0.7065040889,0.6547619048,2.551182270050049,0.000970306,0.4833333333,2.2506649494171143,0.0281832132,0.4833333333,2.0498058795928955,0.0,0.6374269006,2.1342830657958984,0.0,0.619047619,1.8880560398101807,0.0037955182,0.6547619048,1.8948371410369873,0.3133439985,0.6547619048,2.198230028152466,0.247845394,0.6547619048
+wstate_indep_qiskit_15,wstate,15,-1,0.8193992813,0.4285714286,-1,0.0024153269,0.5363636364,0.33974123001098633,0.325017072,0.4285714286,0.27639007568359375,0.4480187557,0.4285714286,-1,-1,-1,19.453308820724487,0.0032181803,0.4285714286,-1,-1,-1,6.946926116943359,0.7411142808,0.4285714286,26.959584951400757,0.8193992813,0.4285714286,0.8466250896453857,0.3936307084,0.4285714286,0.8139410018920898,0.5128721108,0.4285714286,-1,-1,-1,0.838162899017334,0.001736341,0.4285714286,-1,-1,-1,0.8101198673248291,0.6549311476,0.4285714286,0.8945660591125488,0.5761657448,0.4285714286
+vqe_indep_tket_8,vqe,8,-1,0.8921694926,0.3571428571,-1,0.4381091994,0.3870967742,0.5628368854522705,0.6059806202,0.3571428571,0.30133485794067383,0.7591033372,0.3571428571,5.1901161670684814,0.148918574,0.3571428571,3.375411033630371,0.0848463395,0.3571428571,13.212748050689697,0.5052656696,0.3571428571,18.934125900268555,0.8557291037,0.3571428571,5.93096399307251,0.8921694926,0.3571428571,0.4251589775085449,0.7447973848,0.3571428571,0.3956770896911621,0.6442284464,0.3571428571,0.4315650463104248,0.1473002238,0.3571428571,0.42917919158935547,0.0248736586,0.3571428571,0.38762497901916504,0.330490736,0.3571428571,0.40103793144226074,0.8020258947,0.3571428571,0.45035696029663086,0.7429023189,0.3571428571
+qftentangled_indep_tket_40,qftentangled,40,-1,0.0,0.4180558157,-1,0.0,0.8074454429,43.11311101913452,0.0,0.7400218699,-1,-1,-1,-1,-1,-1,12.524173974990845,0.0,0.7766593268,-1,-1,-1,-1,-1,-1,-1,-1,-1,32.568384885787964,0.0,0.7765531062,-1,-1,-1,-1,-1,-1,34.7785279750824,0.0,0.8482014388,-1,-1,-1,-1,-1,-1,-1,-1,-1
+graphstate_indep_qiskit_15,graphstate,15,-1,0.9276668158,0.5333333333,-1,7.71e-08,0.619047619,1.2352583408355713,0.2944152251,0.5,0.0910043716430664,0.4436931344,0.3870967742,-1,-1,-1,0.21245098114013672,0.0053706356,0.5357142857,-1,-1,-1,15.999660015106201,0.8567218964,0.5333333333,10.33337688446045,0.9276668158,0.5333333333,0.9179120063781738,0.2377639212,0.2291666667,0.978938102722168,0.5364867737,0.5185185185,-1,-1,-1,1.0140888690948486,7.37503e-05,0.4166666667,-1,-1,-1,0.49925708770751953,0.7892609121,0.5333333333,0.5465209484100342,0.7260000269,0.5333333333
+qaoa_indep_tket_7,qaoa,7,-1,0.9258151947,0.5714285714,-1,0.005259977,0.6923076923,0.08287286758422852,0.4153466476,0.55,0.07329177856445312,0.4963974631,0.55,0.4351818561553955,0.0267288445,0.55,0.13862085342407227,0.0007604901,0.4705882353,4.478165149688721,0.5581678872,0.5714285714,4.526655912399292,0.8688381847,0.5714285714,4.504500150680542,0.9258151947,0.5714285714,0.7266807556152344,0.3266683357,0.55,0.6762099266052246,0.5084404401,0.5813953488,0.6149697303771973,0.0200512755,0.5813953488,0.7146241664886475,0.0487158907,0.55,0.49637889862060547,0.1782911457,0.5714285714,0.5115358829498291,0.6932158863,0.5714285714,0.45836496353149414,0.7670719303,0.5714285714
+qpeinexact_indep_qiskit_5,qpeinexact,5,-1,0.8657576525,0.1923076923,-1,0.0,0.4596273292,0.06950807571411133,0.4516834707,0.0731707317,0.08639717102050781,0.7307420367,0.0810810811,0.37223100662231445,0.0227637233,0.0540540541,0.1535351276397705,3.41475e-05,0.1388888889,1.0275709629058838,0.3213257933,0.1923076923,4.450302839279175,0.7640570063,0.1923076923,4.538660049438477,0.8657576525,0.1923076923,0.6058728694915771,0.5601745782,0.0,0.5511271953582764,0.7201320471,0.1142857143,0.44661402702331543,0.0148431552,0.1136363636,0.502856969833374,9.75441e-05,0.0625,0.4123849868774414,0.2973181808,0.1,0.4257028102874756,0.7719261213,0.1,0.4094820022583008,0.8202639123,0.1
+qaoa_indep_tket_10,qaoa,10,-1,0.8957309438,0.65,-1,0.0066942181,0.6682926829,0.12050795555114746,0.3739350359,0.6229508197,0.3111140727996826,0.5043889646,0.6229508197,-1,-1,-1,0.19255304336547852,0.0010832954,0.5306122449,5.256220817565918,0.4347459005,0.65,5.304533958435059,0.818031178,0.65,5.277045965194702,0.8957309438,0.65,1.0529038906097412,0.2425480232,0.6285714286,1.0316128730773926,0.3637732316,0.6285714286,-1,-1,-1,1.0925037860870361,4.5742e-06,0.6538461538,0.7370288372039795,0.0849909174,0.65,0.7517440319061279,0.5923047105,0.65,0.6322021484375,0.6782398518,0.65
+qpeinexact_indep_qiskit_70,qpeinexact,70,-1,0.0,0.5535257259,-1,0.0,0.864124924,94.90274095535278,0.0,0.7854040705,-1,-1,-1,-1,-1,-1,48.83150386810303,0.0,0.7675200158,-1,-1,-1,-1,-1,-1,-1,-1,-1,82.75585103034973,0.0,0.7877918886,-1,-1,-1,-1,-1,-1,86.00979208946228,0.0,0.7302561176,-1,-1,-1,-1,-1,-1,-1,-1,-1
+realamprandom_indep_tket_10,realamprandom,10,-1,0.591751641,0.7259259259,-1,0.0043199178,0.7259259259,0.9806818962097168,0.0061137031,0.5192307692,0.926184892654419,0.0036577704,0.5397727273,-1,-1,-1,1.1167011260986328,0.0,0.5362776025,11.662273168563843,0.0052995824,0.7259259259,10.532840728759766,0.2732526628,0.7259259259,18.556187868118286,0.591751641,0.7259259259,10.585286855697632,1.14036e-05,0.6026365348,4.501040935516357,0.0043271693,0.6177024482,-1,-1,-1,10.344771146774292,0.0,0.6329113924,3.0483641624450684,0.0001432318,0.7259259259,3.064272165298462,0.1574466392,0.7259259259,3.5338408946990967,0.110968898,0.7259259259
+wstate_indep_tket_20,wstate,20,-1,0.7639530883,0.4473684211,-1,0.0,0.6005221932,2.2223308086395264,0.2395976831,0.4473684211,0.09810423851013184,0.3928752756,0.4473684211,-1,-1,-1,16.700817823410034,0.0016471772,0.4473684211,-1,-1,-1,19.350092887878418,0.6662908082,0.4473684211,8.577850818634033,0.7639530883,0.4473684211,1.1580610275268555,0.3014815249,0.4473684211,1.121880292892456,0.3645924602,0.4473684211,-1,-1,-1,1.1450920104980469,1.78346e-05,0.4473684211,-1,-1,-1,1.1111931800842285,0.5634579429,0.4473684211,1.2130260467529297,0.4740286322,0.4473684211
+vqe_indep_tket_3,vqe,3,-1,0.9646113122,0.0,-1,0.919321674,0.0,0.03617691993713379,0.8514841318,0.0,0.02569293975830078,0.9159828598,0.0,0.037728071212768555,0.6392619071,0.0,0.050212860107421875,0.4831378423,0.0,0.03072500228881836,0.8181873073,0.0,0.19065403938293457,0.9556419113,0.0,0.3812098503112793,0.9646113122,0.0,0.1259450912475586,0.8884574707,0.0,0.0995330810546875,0.9192426478,0.0,0.10767292976379395,0.4968248753,0.0,0.11558175086975098,0.5608839199,0.0,0.09767413139343262,0.7233782259,0.0,0.10945296287536621,0.9378401438,0.0,0.13053202629089355,0.9157095393,0.0
+qftentangled_indep_qiskit_4,qftentangled,4,-1,0.877982856,0.2857142857,-1,3.4678e-06,0.4606741573,0.19810009002685547,0.4478746312,0.0,0.044838905334472656,0.7684933702,0.0,0.36225104331970215,0.0231651776,0.1666666667,0.11187219619750977,0.0088833293,0.2222222222,0.163651704788208,0.3946832418,0.2857142857,3.6921658515930176,0.8030813601,0.2857142857,3.7591869831085205,0.877982856,0.2857142857,0.44211387634277344,0.6066360254,0.0,0.34041380882263184,0.7316448631,0.0,0.35745882987976074,0.0717681847,0.1111111111,0.4684009552001953,0.0018578082,0.1428571429,0.35517072677612305,0.3778495649,0.2,0.3664078712463379,0.815583261,0.2,0.35840702056884766,0.8360083885,0.2222222222
+qftentangled_indep_qiskit_13,qftentangled,13,-1,0.4057751267,0.7142857143,-1,4.15e-08,0.7358024691,0.5059800148010254,0.0003430004,0.6616915423,0.5566420555114746,0.0155290945,0.4964705882,-1,-1,-1,1.0895922183990479,0.0,0.4653739612,-1,-1,-1,35.64922308921814,0.1502348679,0.7258064516,36.03358602523804,0.3602093705,0.7258064516,9.215271711349487,0.0004417916,0.7121212121,3.8626508712768555,0.009368735,0.4423480084,-1,-1,-1,4.630726099014282,0.0,0.6752873563,-1,-1,-1,3.492110252380371,0.113622003,0.7142857143,3.089966058731079,0.1941565924,0.7222222222
+qftentangled_indep_tket_4,qftentangled,4,-1,0.877982856,0.2857142857,-1,0.0011447951,0.225,0.05899620056152344,0.4478746312,0.0,0.04488492012023926,0.7684933702,0.0,0.3437368869781494,0.0231651776,0.1666666667,0.10888099670410156,0.0088833293,0.2222222222,0.172684907913208,0.3946832418,0.2857142857,3.9844961166381836,0.8030813601,0.2857142857,6.110059022903442,0.877982856,0.2857142857,0.4447338581085205,0.6066360254,0.0,0.341264009475708,0.7316448631,0.0,0.3549621105194092,0.0717681847,0.1111111111,0.4672539234161377,0.0018578082,0.1428571429,0.3509562015533447,0.3778495649,0.2,0.3657407760620117,0.815583261,0.2,0.3605172634124756,0.8360083885,0.2222222222
+pricingcall_indep_tket_7,pricingcall,7,-1,0.6031770884,0.1855670103,-1,0.0013374419,0.3675,0.3747293949127197,0.0266554516,0.1612903226,0.5066311359405518,0.1720487165,0.1612903226,1.829577922821045,5.652e-07,0.183908046,0.6246960163116455,0.0,0.1849315068,6.168349027633667,0.0162959127,0.1170212766,8.642528772354126,0.3772588003,0.1170212766,6.231051921844482,0.6001636181,0.1515151515,1.9910311698913574,0.0056968623,0.1971153846,1.764488935470581,0.0354661289,0.2,2.1513831615448,2.3e-07,0.1809045226,2.081636905670166,0.0,0.1761363636,1.747399091720581,0.0023364671,0.1739130435,1.7585322856903076,0.2825216122,0.1739130435,2.0527753829956055,0.2731133091,0.1643835616
+graphstate_indep_tket_10,graphstate,10,-1,0.9511770162,0.5,-1,0.0520519881,0.5950413223,0.07646894454956055,0.5584690003,0.5714285714,0.051360130310058594,0.6550537001,0.5454545455,-1,-1,-1,0.07485294342041016,0.012992501,0.5,5.224341154098511,0.6490670774,0.5,5.251374006271362,0.9022822481,0.5,5.285496711730957,0.9511770162,0.5,0.6007537841796875,0.53145747,0.3928571429,0.5743989944458008,0.483523528,0.3243243243,-1,-1,-1,0.584132194519043,0.0129598943,0.5789473684,0.30797386169433594,0.4509243825,0.5,0.3188490867614746,0.8534750095,0.5,0.35990285873413086,0.8064304258,0.5
+vqe_indep_tket_11,vqe,11,-1,0.8469249325,0.4,-1,0.0297165048,0.5804195804,0.15689396858215332,0.3821764195,0.4,0.12589001655578613,0.6803755928,0.4,-1,-1,-1,0.7505888938903809,0.039403001,0.4,0.056772708892822266,0.3754100887,0.4,5.689548969268799,0.7999073989,0.4,5.77429986000061,0.8469249325,0.4,0.632904052734375,0.6256629018,0.4,0.601701021194458,0.5806914748,0.4,-1,-1,-1,0.6040430068969727,0.0077288286,0.4,0.5798909664154053,0.2076403062,0.4,0.586277961730957,0.7307547358,0.4,0.6471610069274902,0.6555561621,0.4
+random_indep_qiskit_8,random,8,-1,0.597192148,0.4418604651,-1,0.0010338405,0.4817708333,0.4753141403198242,0.0079890941,0.2722222222,0.44308900833129883,0.2234779952,0.2781065089,1.7097010612487793,2.542e-07,0.3988095238,0.5883171558380127,0.0,0.2827586207,6.9002439975738525,0.0251967106,0.4230769231,6.929404258728027,0.4275230331,0.4230769231,6.886034965515137,0.5983883262,0.4418604651,2.1681888103485107,0.0199556714,0.3248730964,2.10416579246521,0.0933832141,0.2648648649,2.109837055206299,3.939e-07,0.4204545455,2.242928981781006,0.0,0.3289473684,1.8190107345581055,0.0062160828,0.4155844156,1.8288798332214355,0.3466816679,0.4155844156,1.9097306728363037,0.3614334717,0.4464285714
+vqe_indep_qiskit_8,vqe,8,-1,0.8921694926,0.3571428571,-1,0.3506289856,0.4125,0.09106802940368652,0.614984631,0.3571428571,0.05479884147644043,0.7593198234,0.3571428571,0.09634566307067871,0.1492771541,0.3571428571,0.19286894798278809,0.0856358069,0.3571428571,4.709805965423584,0.5052656696,0.3571428571,4.760642051696777,0.8557291037,0.3571428571,4.789841175079346,0.8921694926,0.3571428571,0.47095704078674316,0.7455803708,0.3571428571,0.4395582675933838,0.6450575587,0.3571428571,0.46020984649658203,0.1474184541,0.3571428571,0.45561981201171875,0.0251558472,0.3571428571,0.4163639545440674,0.3357279178,0.3571428571,0.42772579193115234,0.8039534545,0.3571428571,0.4756441116333008,0.7458813721,0.3571428571
+dj_indep_qiskit_24,dj,24,-1,0.8393254522,0.0,-1,0.0,0.754,0.1630411148071289,0.2271179196,0.0476190476,0.2388901710510254,0.2930074822,0.0357142857,-1,-1,-1,0.25229406356811523,2.12947e-05,0.0666666667,-1,-1,-1,9.709700107574463,0.7861678396,0.0,10.47139286994934,0.8393254522,0.0,1.7694370746612549,0.1369309507,0.4,1.4661471843719482,0.0351069374,0.5702479339,-1,-1,-1,1.5050017833709717,0.0,0.5401459854,-1,-1,-1,0.7183291912078857,0.7231043794,0.0,0.8081128597259521,0.674174489,0.0
+qpeinexact_indep_tket_3,qpeinexact,3,-1,0.9473808611,0.0,-1,4.29e-08,0.2564102564,0.04759502410888672,0.8406318784,0.0,0.037930965423583984,0.8696035328,0.0,0.1265561580657959,0.3406777421,0.0,0.06508588790893555,0.2822679152,0.0,0.04403400421142578,0.7145554748,0.0,0.20694303512573242,0.9257967598,0.0,0.41097187995910645,0.9473808611,0.0,0.2542290687561035,0.6284027746,0.0,0.15692782402038574,0.8327733773,0.0,0.16183090209960938,0.2791520284,0.0,0.2410740852355957,0.2404674571,0.0,0.14524388313293457,0.6367408732,0.0,0.15575790405273438,0.909642084,0.0,0.16551899909973145,0.9267670259,0.0
+realamprandom_indep_qiskit_3,realamprandom,3,-1,0.9464334802,0.0,-1,4.27e-08,0.2641509434,0.06735897064208984,0.7629416391,0.0,0.05341315269470215,0.8014665616,0.0,0.26529908180236816,0.1594508636,0.0,0.10640406608581543,0.1756818081,0.0,0.041348934173583984,0.6678634357,0.0,0.20548295974731445,0.9095679677,0.0,0.4035189151763916,0.9464334802,0.0,0.3230438232421875,0.4050650143,0.0,0.17017912864685059,0.7023162072,0.0,0.1785268783569336,0.1148893894,0.0,0.2651638984680176,0.0556737218,0.0,0.1616072654724121,0.5152558328,0.0,0.17470383644104004,0.8742460029,0.0,0.21094417572021484,0.8376829166,0.0
+graphstate_indep_tket_7,graphstate,7,-1,0.9655681757,0.2857142857,-1,0.0375680917,0.5371900826,0.06381797790527344,0.5834233953,0.2777777778,0.0401768684387207,0.778420423,0.3125,0.10703277587890625,0.2368468583,0.2,0.05031085014343262,0.2056345574,0.3,4.182191848754883,0.7432011412,0.2857142857,4.237182855606079,0.9313693561,0.2857142857,4.288942098617554,0.9655681757,0.2857142857,0.4487130641937256,0.5137778746,0.0909090909,0.4323878288269043,0.6888730897,0.0909090909,0.3657197952270508,0.2373375004,0.2,0.43041086196899414,0.0930514349,0.3,0.22810912132263184,0.5644343691,0.2857142857,0.24111580848693848,0.8930544264,0.2857142857,0.27349090576171875,0.8554744017,0.2857142857
+pricingput_indep_tket_7,pricingput,7,-1,0.6043852546,0.1855670103,-1,0.0056971777,0.3611111111,0.38662075996398926,0.0235066497,0.1614583333,0.36528897285461426,0.1629065976,0.1614583333,1.7379651069641113,3.443e-07,0.1777777778,1.8051080703735352,0.0,0.1973684211,10.966462850570679,0.0127258666,0.15,6.668413162231445,0.3553399925,0.15,6.1927947998046875,0.6013657483,0.1515151515,2.0887138843536377,0.0024442151,0.1822660099,1.8598642349243164,0.0309972395,0.2631578947,2.2866811752319336,2.934e-07,0.1683168317,2.169487953186035,0.0,0.2628865979,1.9058051109313965,0.0014158593,0.15,1.9225831031799316,0.2541203563,0.15,2.1561970710754395,0.2577135553,0.1842105263
+graphstate_indep_qiskit_24,graphstate,24,-1,0.8868031648,0.75,-1,0.0,0.8023255814,0.1405329704284668,0.1296761074,0.7857142857,0.11180996894836426,0.3315881919,0.75,-1,-1,-1,18.832394123077393,0.0384816199,0.75,-1,-1,-1,14.361493825912476,0.7814321805,0.75,17.79569697380066,0.8868031648,0.75,1.657346248626709,0.0301045209,0.7317073171,1.348111867904663,0.2760203108,0.701754386,-1,-1,-1,0.7895259857177734,0.0014022407,0.75,-1,-1,-1,0.7671530246734619,0.6834145006,0.75,0.8457868099212646,0.5961095233,0.75
+ae_indep_qiskit_10,ae,10,-1,0.6190864338,0.4666666667,-1,0.0137630061,0.5402298851,0.30462074279785156,0.0278039184,0.2331288344,0.9116678237915039,0.2210213432,0.298013245,-1,-1,-1,0.5268969535827637,2e-10,0.2818791946,10.539160966873169,0.0198129843,0.4666666667,18.281590938568115,0.3914672073,0.4666666667,12.189867973327637,0.6190864338,0.4666666667,9.036940097808838,0.0011716467,0.4444444444,3.05599308013916,0.0293657407,0.4208333333,-1,-1,-1,8.775519132614136,0.0,0.4010416667,1.6322438716888428,0.0047255101,0.4666666667,1.6462740898132324,0.3169232082,0.4666666667,1.5940616130828857,0.4441730095,0.4666666667
+qpeexact_indep_tket_14,qpeexact,14,-1,0.404549283,0.6477272727,-1,4.41e-08,0.6940133038,0.6186878681182861,0.0008298129,0.5424836601,0.5695888996124268,0.0039084831,0.4419642857,-1,-1,-1,1.5194013118743896,0.0,0.4666666667,-1,-1,-1,37.988362312316895,0.1407100831,0.6683937824,38.19503903388977,0.3645513382,0.6649484536,4.392958879470825,3.9913e-06,0.5444915254,4.733245849609375,0.0026863095,0.5377697842,-1,-1,-1,4.876857757568359,0.0,0.4715261959,-1,-1,-1,3.325545072555542,0.1064184481,0.6514285714,2.9166510105133057,0.2078268019,0.6477272727
+su2random_indep_qiskit_40,su2random,40,-1,-1,-1,-1,0.0,0.8481089874,20.014302015304565,0.0,0.8069632495,-1,-1,-1,-1,-1,-1,25.437559127807617,0.0,0.7986900147,-1,-1,-1,-1,-1,-1,-1,-1,-1,67.35355710983276,0.0,0.7876790579,-1,-1,-1,-1,-1,-1,70.4207911491394,0.0,0.79863174,-1,-1,-1,-1,-1,-1,-1,-1,-1
+su2random_indep_qiskit_6,su2random,6,-1,0.8055391832,0.5333333333,-1,0.0871396605,0.5333333333,0.25787925720214844,0.0167931256,0.3085106383,0.245589017868042,0.4655513389,0.3085106383,1.4304287433624268,2.5054e-05,0.4388489209,0.30933713912963867,1.858e-07,0.1495327103,5.670165061950684,0.1495028896,0.5333333333,5.74104118347168,0.6338619051,0.5333333333,5.791341781616211,0.8055391832,0.5333333333,1.2376539707183838,0.1936365848,0.3515151515,1.103578805923462,0.320173178,0.4027777778,1.1082329750061035,7.1276e-06,0.2962962963,1.3069477081298828,9.6e-09,0.2032520325,1.0246529579162598,0.0452594131,0.5333333333,1.0359580516815186,0.528157548,0.5333333333,1.1968379020690918,0.4567920054,0.5333333333
+qpeexact_indep_qiskit_40,qpeexact,40,-1,0.0,0.755272849,-1,0.0,0.7917073965,9.14908504486084,0.0,0.7356430944,-1,-1,-1,-1,-1,-1,14.170506000518799,0.0,0.6968288682,-1,-1,-1,-1,-1,-1,-1,-1,-1,31.307746171951294,0.0,0.7234042553,-1,-1,-1,-1,-1,-1,33.337268114089966,0.0,0.729375298,-1,-1,-1,-1,-1,-1,-1,-1,-1
+dj_indep_tket_7,dj,7,-1,0.9530936952,0.0,-1,0.0128342268,0.619047619,0.04960894584655762,0.6828685841,0.0769230769,0.03895092010498047,0.8632964448,0.0,0.22679805755615234,0.1188683433,0.0625,0.08356595039367676,0.0866797014,0.0,4.046698093414307,0.7587354412,0.0,4.14530611038208,0.93776373,0.0,4.137948989868164,0.9530936952,0.0,0.5165140628814697,0.620314123,0.0,0.5175843238830566,0.8286039839,0.0,0.4328272342681885,0.1194240973,0.0476190476,0.46382594108581543,0.1581839785,0.0,0.199873685836792,0.6586229662,0.0,0.21623492240905762,0.9177212627,0.0,0.2475268840789795,0.8993607161,0.0
+qpeexact_indep_qiskit_7,qpeexact,7,-1,0.7739333948,0.4255319149,-1,0.0,0.5700934579,0.13143396377563477,0.3619967153,0.1842105263,0.11865401268005371,0.3727756371,0.1842105263,0.9998960494995117,0.0001262264,0.367816092,0.2586479187011719,2.28e-08,0.3428571429,6.40872597694397,0.135725915,0.4347826087,6.457447052001953,0.6222778477,0.4347826087,6.458353042602539,0.7739333948,0.4255319149,1.0624618530273438,0.3093001121,0.3711340206,1.0106837749481201,0.3585128477,0.2784810127,1.0312671661376953,0.0009036794,0.2727272727,1.0632708072662354,3.6e-08,0.301369863,0.7645399570465088,0.1012184589,0.3783783784,0.7794201374053955,0.6150791512,0.3783783784,0.7330968379974365,0.701710558,0.3684210526
+realamprandom_indep_tket_6,realamprandom,6,-1,0.8152687798,0.5333333333,-1,0.1437405062,0.5333333333,0.31741905212402344,0.0124021419,0.3367346939,0.3135411739349365,0.4529908283,0.3367346939,1.5602760314941406,2.55734e-05,0.4388489209,0.3752307891845703,1.871e-07,0.1495327103,6.226678848266602,0.1617299381,0.5333333333,5.747713088989258,0.6415156091,0.5333333333,5.767035961151123,0.8152687798,0.5333333333,1.255384922027588,0.1941960161,0.3515151515,1.120265007019043,0.3211193124,0.4027777778,1.1116738319396973,7.3698e-06,0.2962962963,1.3048028945922852,9.9e-09,0.2032520325,1.0060389041900635,0.0476946288,0.5333333333,1.017254114151001,0.5324006067,0.5333333333,1.1786880493164062,0.4623093062,0.5333333333
+vqe_indep_qiskit_13,vqe,13,-1,0.8177711416,0.4166666667,-1,0.0166996514,0.6266666667,0.22556495666503906,0.4334673741,0.4166666667,0.08173513412475586,0.5575939581,0.4166666667,-1,-1,-1,1.423309087753296,0.0076544315,0.4166666667,-1,-1,-1,6.6737060546875,0.7662622268,0.4166666667,6.147385120391846,0.8177711416,0.4166666667,0.7613439559936523,0.5653784717,0.4166666667,0.7278270721435547,0.5337191877,0.4166666667,-1,-1,-1,0.7380180358886719,0.0032958311,0.4166666667,-1,-1,-1,0.6885640621185303,0.6864287537,0.4166666667,0.762930154800415,0.6033095519,0.4166666667
+ae_indep_tket_5,ae,5,-1,0.8921533908,0.1,-1,0.009286657,0.497005988,0.0841989517211914,0.2758228071,0.0,0.07854914665222168,0.7037213478,0.0,0.3735229969024658,0.0367514821,0.0588235294,0.14262986183166504,0.0139589734,0.0,1.037781000137329,0.3956093025,0.1,4.509610176086426,0.8085949648,0.1,4.549889087677002,0.8921533908,0.1,0.5638279914855957,0.3244709642,0.0571428571,0.5076379776000977,0.6645548873,0.0571428571,0.40389204025268555,0.0131876527,0.2272727273,0.465101957321167,0.0001045688,0.1428571429,0.3668081760406494,0.2919142342,0.1,0.3808422088623047,0.7697673201,0.1,0.39530420303344727,0.823553187,0.1
+wstate_indep_tket_5,wstate,5,-1,0.9426562567,0.25,-1,0.7502635321,0.35,0.04678702354431152,0.8085332358,0.25,0.02937912940979004,0.8446925323,0.25,0.06197929382324219,0.381564192,0.25,0.06734395027160645,0.2199795681,0.25,0.8571348190307617,0.6872041185,0.25,3.770106077194214,0.9169125179,0.25,3.793811082839966,0.9426562567,0.25,0.2569708824157715,0.8185978349,0.25,0.22647500038146973,0.7742061423,0.25,0.22649025917053223,0.2702938571,0.25,0.24022889137268066,0.1732934547,0.25,0.22165393829345703,0.5442535631,0.25,0.23745369911193848,0.8848383257,0.25,0.26262974739074707,0.8512030154,0.25
+qftentangled_indep_tket_30,qftentangled,30,-1,0.0,0.7461050202,-1,0.0076789444,0.873940678,4.387768030166626,0.0,0.7752659574,-1,-1,-1,-1,-1,-1,6.015982151031494,0.0,0.7952538631,-1,-1,-1,-1,-1,-1,90.33873581886292,0.0076789444,0.873940678,18.832546949386597,0.0,0.7463863338,-1,-1,-1,-1,-1,-1,19.913597106933594,0.0,0.8385036496,-1,-1,-1,-1,-1,-1,15.25359320640564,0.0002693482,0.8728448276
+qft_indep_qiskit_9,qft,9,-1,0.6272024968,0.6071428571,-1,0.0204354114,0.634502924,0.24434304237365723,0.0255824404,0.3742331288,0.2500119209289551,0.2151986217,0.3701298701,-1,-1,-1,0.461284875869751,6e-10,0.3708609272,9.175962924957275,0.027160011,0.6071428571,9.216372966766357,0.4231648078,0.6071428571,9.222748041152954,0.6272024968,0.6071428571,1.875196933746338,0.0177440602,0.4402515723,1.700979232788086,0.1838407392,0.4402515723,-1,-1,-1,1.8849151134490967,0.0,0.3725490196,1.4529218673706055,0.0128613755,0.5833333333,1.465498685836792,0.3945857682,0.5833333333,1.2602810859680176,0.5089293804,0.5833333333
+dj_indep_tket_27,dj,27,-1,0.8210454808,0.0,-1,2.86877e-05,0.4833005894,0.7116811275482178,0.1310320716,0.0704225352,0.2797880172729492,0.2426664001,0.0547945205,-1,-1,-1,0.2730848789215088,3.1243e-06,0.0333333333,-1,-1,-1,-1,-1,-1,10.59026288986206,0.8210454808,0.0,1.7242722511291504,0.0829027192,0.3430656934,1.703341007232666,0.0277580807,0.5910780669,-1,-1,-1,1.712630033493042,0.0,0.2566371681,-1,-1,-1,-1,-1,-1,0.9392881393432617,0.6399908771,0.0
+qaoa_indep_qiskit_4,qaoa,4,-1,0.9569098632,0.375,-1,0.0726638888,0.5565217391,0.0583491325378418,0.6768453701,0.3181818182,0.045564889907836914,0.5519254581,0.3181818182,0.23358702659606934,0.081185071,0.3181818182,0.05525398254394531,0.0150831226,0.375,0.13919806480407715,0.7166287018,0.375,3.646456718444824,0.922800758,0.375,7.648017168045044,0.9569098632,0.375,0.4883608818054199,0.4638908549,0.3181818182,0.36153507232666016,0.777297308,0.3181818182,0.3844921588897705,0.0584278669,0.28,0.33493995666503906,0.1331306607,0.375,0.3199617862701416,0.3730345065,0.375,0.3336470127105713,0.8109948094,0.375,0.31105709075927734,0.8589022876,0.375
+wstate_indep_qiskit_9,wstate,9,-1,0.8912719612,0.375,-1,0.5342907196,0.375,0.09767699241638184,0.6020569332,0.375,0.051412105560302734,0.626661586,0.375,-1,-1,-1,2.264946937561035,0.067147337,0.375,5.102195978164673,0.4772254745,0.375,5.247842073440552,0.8420750774,0.375,5.168833017349243,0.8912719612,0.375,0.5225319862365723,0.7013684651,0.375,0.5187797546386719,0.628365394,0.375,-1,-1,-1,0.47867703437805176,0.0233221617,0.375,0.4509429931640625,0.3001184542,0.375,0.46111106872558594,0.7845066211,0.375,0.5110430717468262,0.7281801999,0.375
+dj_indep_tket_70,dj,70,-1,0.0004169492,0.1682847896,-1,0.0,0.8090507726,0.9090499877929688,0.0005594378,0.2314814815,-1,-1,-1,-1,-1,-1,1.1574199199676514,0.0,0.2277227723,-1,-1,-1,-1,-1,-1,-1,-1,-1,4.8133790493011475,0.0,0.855497985,-1,-1,-1,-1,-1,-1,5.4802329540252686,0.0,0.7675334909,-1,-1,-1,-1,-1,-1,-1,-1,-1
+wstate_indep_qiskit_24,wstate,24,-1,0.722309922,0.4565217391,-1,6.42713e-05,0.6116504854,2.644026756286621,0.1976409407,0.4565217391,0.1756119728088379,0.2261660456,0.3888888889,-1,-1,-1,13.60294508934021,6.37239e-05,0.4565217391,-1,-1,-1,13.171866178512573,0.6119088494,0.4565217391,10.1339750289917,0.722309922,0.4565217391,1.3998010158538818,0.2117995845,0.4565217391,2.0747787952423096,0.1072177005,0.4461538462,-1,-1,-1,1.3868017196655273,4.374e-07,0.4565217391,-1,-1,-1,1.3420071601867676,0.4995675188,0.4565217391,1.4665131568908691,0.4055181407,0.4565217391
+portfolioqaoa_indep_tket_5,portfolioqaoa,5,-1,0.8735780628,0.4333333333,-1,0.156894187,0.4333333333,0.1681051254272461,0.3155921563,0.1153846154,1.129127025604248,0.1067616953,0.1153846154,9.25815486907959,0.0001922134,0.275,1.4577269554138184,0.0,0.2268041237,1.1028578281402588,0.2981423428,0.4333333333,4.7911388874053955,0.7443223722,0.4333333333,4.721879959106445,0.8735780628,0.4333333333,1.2522497177124023,0.056713144,0.2478632479,1.1964030265808105,0.3475128601,0.25,1.0979630947113037,1.7982e-06,0.4097222222,1.163424015045166,0.0,0.2612612613,1.0429046154022217,0.0269801698,0.4333333333,1.0538592338562012,0.4618114936,0.4333333333,0.8971960544586182,0.5807923879,0.4333333333
+qpeinexact_indep_qiskit_2,qpeinexact,2,-1,0.9870717764,0.0,-1,0.8693850318,0.0,0.02475595474243164,0.9568938315,0.0,0.014103174209594727,0.9487007856,0.0,0.021152973175048828,0.8651380203,0.0,0.10029315948486328,0.4894216804,0.0,0.016577959060668945,0.9057229717,0.0,0.055417776107788086,0.977764962,0.0,0.030338048934936523,0.9870717764,0.0,0.07221412658691406,0.9675110774,0.0,0.04464101791381836,0.9412044126,0.0,0.04529094696044922,0.7109153643,0.0,0.058394670486450195,0.6841707287,0.0,0.045284271240234375,0.8685342282,0.0,0.05856204032897949,0.9715260044,0.0,0.08648276329040527,0.9752947789,0.0
+ae_indep_tket_12,ae,12,-1,0.4987028805,0.5454545455,-1,3.6336e-06,0.6048780488,0.4452660083770752,0.0070174897,0.3625498008,0.5620911121368408,0.0251370412,0.3625498008,-1,-1,-1,0.9297449588775635,0.0,0.4099099099,-1,-1,-1,42.4140419960022,0.2552147661,0.5454545455,32.43352794647217,0.4987028805,0.5454545455,8.316743850708008,0.0060707082,0.4021164021,3.014652967453003,0.008681257,0.4173669468,-1,-1,-1,10.977823972702026,0.0,0.546031746,-1,-1,-1,2.44360089302063,0.1848677886,0.5454545455,2.1525540351867676,0.3076514101,0.5454545455
+tsp_indep_tket_4,tsp,4,-1,0.910198882,0.2666666667,-1,0.7749218364,0.2666666667,0.08703899383544922,0.6697829517,0.2666666667,0.06832361221313477,0.7934259861,0.2666666667,0.12061476707458496,0.2878340253,0.2666666667,0.09023499488830566,0.1151944768,0.2666666667,0.15901899337768555,0.5040829202,0.2666666667,3.4006690979003906,0.8522776187,0.2666666667,3.4245049953460693,0.910198882,0.2666666667,0.4011650085449219,0.7612226719,0.2666666667,0.3714938163757324,0.6861735328,0.2666666667,0.4161548614501953,0.1865698681,0.2666666667,0.3793981075286865,0.1935928315,0.2666666667,0.37882375717163086,0.3340654951,0.2666666667,0.3917851448059082,0.8003905163,0.2666666667,0.41898512840270996,0.7399329384,0.2666666667
+qftentangled_indep_tket_10,qftentangled,10,-1,0.5818349431,0.6363636364,-1,0.000161988,0.6535947712,0.3404960632324219,0.003747606,0.3761061947,0.2880897521972656,0.0872276209,0.4233870968,-1,-1,-1,0.635033130645752,0.0,0.3849765258,17.219799041748047,0.0075246937,0.6578947368,10.565582990646362,0.3114623416,0.6578947368,10.699328660964966,0.5269428777,0.6578947368,9.400078773498535,0.002139567,0.4082397004,3.3775277137756348,0.0297560411,0.4636015326,-1,-1,-1,9.15341591835022,0.0,0.5657894737,2.1031718254089355,0.0023287622,0.6363636364,2.1170852184295654,0.2751907968,0.6363636364,1.8762931823730469,0.3694794097,0.6481481481
+qftentangled_indep_tket_8,qftentangled,8,-1,0.6502224493,0.5866666667,-1,0.0222584995,0.5866666667,0.24811577796936035,0.1400416056,0.3555555556,0.1907351016998291,0.1885271447,0.34375,1.4809579849243164,2.6861e-06,0.4701986755,0.415635347366333,9.1e-08,0.2262773723,7.882369041442871,0.0393050102,0.5866666667,7.9435060024261475,0.4628237131,0.5866666667,7.969633102416992,0.6502224493,0.5866666667,1.960953950881958,0.1233220309,0.3925925926,1.620027780532837,0.2161247638,0.3925925926,1.6707587242126465,7.1452e-06,0.4930555556,1.698455810546875,5e-10,0.3402777778,1.3777360916137695,0.020941927,0.5555555556,1.3900151252746582,0.4394063626,0.5555555556,1.2607991695404053,0.5186979761,0.5714285714
+dj_indep_tket_50,dj,50,-1,0.0011618411,0.3046875,-1,0.0,0.4280821918,0.5843350887298584,0.0080230884,0.1724137931,-1,-1,-1,-1,-1,-1,0.8579521179199219,0.0,0.2068965517,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.1708030700683594,1.89516e-05,0.7054140127,-1,-1,-1,-1,-1,-1,3.080761194229126,0.0,0.4285714286,-1,-1,-1,-1,-1,-1,-1,-1,-1
+graphstate_indep_qiskit_12,graphstate,12,-1,0.9417022697,0.6666666667,-1,1.40678e-05,0.7222222222,0.05796408653259277,0.5683262721,0.6666666667,0.03673505783081055,0.6202401147,0.6666666667,-1,-1,-1,0.07960224151611328,0.051396303,0.6666666667,-1,-1,-1,6.1226067543029785,0.8850481603,0.6666666667,6.165907144546509,0.9417022697,0.6666666667,0.45131421089172363,0.570912705,0.6666666667,0.41986703872680664,0.6093936508,0.6666666667,-1,-1,-1,0.44899725914001465,0.0593933214,0.6666666667,-1,-1,-1,0.43941807746887207,0.8242120328,0.6666666667,0.4727180004119873,0.7663094685,0.6666666667
+qftentangled_indep_qiskit_8,qftentangled,8,-1,0.6502224493,0.5866666667,-1,0.0222584995,0.5866666667,0.24356889724731445,0.1400416056,0.3555555556,0.19741082191467285,0.1885271447,0.34375,2.0568089485168457,2.5399e-06,0.4701986755,0.4348289966583252,9.1e-08,0.2262773723,7.622219085693359,0.0393050102,0.5866666667,7.685487985610962,0.4628237131,0.5866666667,10.268831968307495,0.6502224493,0.5866666667,1.9405560493469238,0.1233220309,0.3925925926,1.6023540496826172,0.2161247638,0.3925925926,1.6451599597930908,7.1452e-06,0.4930555556,1.6852757930755615,5e-10,0.3402777778,1.3600142002105713,0.020941927,0.5555555556,1.3734688758850098,0.4394063626,0.5555555556,1.2455921173095703,0.5186979761,0.5714285714
+qpeexact_indep_qiskit_60,qpeexact,60,-1,0.0,0.7559002023,-1,0.0,0.8428974937,22.401825189590454,0.0,0.8038426139,-1,-1,-1,-1,-1,-1,32.99096703529358,0.0,0.7572276228,-1,-1,-1,-1,-1,-1,-1,-1,-1,63.914047956466675,0.0,0.731057102,-1,-1,-1,-1,-1,-1,67.00777912139893,0.0,0.7225421422,-1,-1,-1,-1,-1,-1,-1,-1,-1
+wstate_indep_qiskit_12,wstate,12,-1,0.8545803675,0.4090909091,-1,0.0306221275,0.5789473684,0.17091989517211914,0.4569862614,0.4090909091,0.06347179412841797,0.5768851518,0.4090909091,-1,-1,-1,0.8951668739318848,0.0357641858,0.4090909091,-1,-1,-1,5.843235015869141,0.7899834589,0.4090909091,5.873226881027222,0.8545803675,0.4090909091,0.6723599433898926,0.6310609713,0.4090909091,0.6669738292694092,0.5539578895,0.4090909091,-1,-1,-1,0.6580579280853271,0.0054312658,0.4090909091,-1,-1,-1,0.6388700008392334,0.716796918,0.4090909091,0.7065739631652832,0.6477287142,0.4090909091
+ae_indep_qiskit_30,ae,30,-1,0.0155969747,0.8055555556,-1,0.0124777535,0.8068965517,5.270424127578735,0.0,0.6482758621,-1,-1,-1,-1,-1,-1,15.448046922683716,0.0,0.653272101,-1,-1,-1,-1,-1,-1,91.3760941028595,0.0124777535,0.8068965517,17.368358850479126,0.0,0.6916666667,-1,-1,-1,-1,-1,-1,18.065266132354736,0.0,0.6301169591,-1,-1,-1,-1,-1,-1,13.891609907150269,0.0005426381,0.8068965517
+dj_indep_qiskit_90,dj,90,-1,8.619e-07,0.4142194745,-1,0.0,0.48,4.825770854949951,0.0001309134,0.2912621359,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,6.168548107147217,0.0,0.730558598,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qft_indep_tket_12,qft,12,-1,0.4982041776,0.6818181818,-1,7.819e-07,0.7257383966,0.4273810386657715,0.0017264061,0.5277777778,0.41924595832824707,0.0130720129,0.4936708861,-1,-1,-1,0.8583321571350098,0.0,0.5688405797,-1,-1,-1,32.85567307472229,0.217052623,0.7,32.81335186958313,0.4422592746,0.7,13.196761846542358,0.0006478623,0.5895316804,3.1283838748931885,0.0159569176,0.5213675214,-1,-1,-1,14.509526014328003,0.0,0.6379928315,-1,-1,-1,2.6178979873657227,0.1825160935,0.6818181818,2.2006399631500244,0.2988533088,0.6818181818
+dj_indep_tket_11,dj,11,-1,0.9239756075,0.0,-1,3.887e-07,0.4615384615,0.12061285972595215,0.5582713447,0.0416666667,0.06157493591308594,0.6112126247,0.0,-1,-1,-1,0.29250407218933105,0.0008020077,0.0434782609,0.03227591514587402,0.6322797941,0.0,5.738571882247925,0.8986796086,0.0,5.775843858718872,0.9239756075,0.0,0.7112517356872559,0.3966746869,0.0,0.6404242515563965,0.6532029252,0.0882352941,-1,-1,-1,0.6905980110168457,0.0002367093,0.1290322581,0.3296999931335449,0.5020683658,0.0,0.34192395210266113,0.8675902515,0.0,0.3874630928039551,0.8401984725,0.0
+vqe_indep_qiskit_4,vqe,4,-1,0.9511884609,0.1666666667,-1,0.8611475428,0.1666666667,0.04530215263366699,0.8263182761,0.1666666667,0.03060293197631836,0.8693089059,0.1666666667,0.05103921890258789,0.4805103272,0.1666666667,0.06193208694458008,0.3674175452,0.1666666667,0.13144493103027344,0.7429954403,0.1666666667,3.331984758377075,0.9347670839,0.1666666667,3.499114990234375,0.9511884609,0.1666666667,0.18465685844421387,0.8582481366,0.1666666667,0.15789484977722168,0.7982525204,0.1666666667,0.17805218696594238,0.3727514022,0.1666666667,0.18329596519470215,0.4739441235,0.1666666667,0.15763092041015625,0.6184779258,0.1666666667,0.16957306861877441,0.9089515466,0.1666666667,0.21428704261779785,0.8780224717,0.1666666667
+random_indep_qiskit_4,random,4,-1,0.858860951,0.25,-1,0.0897282562,0.3924050633,0.11841678619384766,0.6637928773,0.1714285714,0.2635037899017334,0.5506712056,0.1714285714,0.49620509147644043,0.0204359032,0.1714285714,0.17534089088439941,0.0026594958,0.21875,0.21643996238708496,0.3227460874,0.2608695652,8.130030870437622,0.773067947,0.2608695652,7.759955167770386,0.858860951,0.25,0.6181418895721436,0.4473542839,0.0,0.5240089893341064,0.6141719811,0.0,0.5345609188079834,0.0220654512,0.1388888889,0.6679232120513916,0.0002668874,0.1818181818,0.5136950016021729,0.2035580658,0.2083333333,0.5249640941619873,0.7178864438,0.2083333333,0.5811300277709961,0.7274454552,0.1578947368
+ae_indep_qiskit_6,ae,6,-1,0.8460525578,0.2,-1,1.58e-08,0.3513513514,0.10849690437316895,0.5138766356,0.1020408163,0.09273719787597656,0.6143086086,0.1020408163,0.5707240104675293,0.0063160868,0.1403508772,0.3268561363220215,7.1025e-06,0.0909090909,5.674426794052124,0.2507920851,0.2,5.758738279342651,0.7249255469,0.2,5.733438014984131,0.8460525578,0.2,0.8377590179443359,0.3727257598,0.1904761905,0.6580867767333984,0.5703871581,0.1746031746,0.8028888702392578,0.0016412814,0.1666666667,0.8210270404815674,4.72e-08,0.0925925926,0.5918221473693848,0.1589633447,0.2,0.6066298484802246,0.6761771054,0.2,0.5967450141906738,0.7533791078,0.2
+dj_indep_qiskit_28,dj,28,-1,0.8144976103,0.0,-1,0.0,0.472972973,0.31107616424560547,0.1184568011,0.049382716,-1,-1,-1,-1,-1,-1,0.28977513313293457,4.5334e-06,0.0147058824,-1,-1,-1,-1,-1,-1,11.406297206878662,0.8144976103,0.0,1.626296043395996,0.0099235305,0.5601851852,-1,-1,-1,-1,-1,-1,1.7452571392059326,0.0,0.3402777778,-1,-1,-1,-1,-1,-1,0.9477329254150391,0.6298255702,0.0
+qpeinexact_indep_qiskit_11,qpeinexact,11,-1,0.5523200611,0.5090909091,-1,3.011e-07,0.5184615385,0.3787961006164551,0.0302452684,0.380952381,0.718843936920166,0.0748842695,0.2981818182,-1,-1,-1,0.8812322616577148,0.0,0.3905579399,0.21177887916564941,0.0048853831,0.544,34.105427980422974,0.2800054541,0.544,29.43358016014099,0.5195962452,0.544,14.639132976531982,0.0034641189,0.4653846154,3.510356903076172,0.0829604618,0.4516129032,-1,-1,-1,23.25688600540161,0.0,0.513618677,2.070117950439453,0.0013402495,0.5090909091,2.084162712097168,0.2428858615,0.5090909091,1.8761768341064453,0.3746899975,0.5090909091
+graphstate_indep_qiskit_28,graphstate,28,-1,0.8692241288,0.7142857143,-1,0.0,0.7785467128,0.3158278465270996,0.101751831,0.797752809,-1,-1,-1,-1,-1,-1,7.802389144897461,3.5735e-06,0.7962962963,-1,-1,-1,-1,-1,-1,10.660012006759644,0.8692241288,0.7142857143,2.01666522026062,0.0969410616,0.7184466019,-1,-1,-1,-1,-1,-1,1.555729866027832,1.135e-07,0.7014925373,-1,-1,-1,-1,-1,-1,0.9899759292602539,0.5436829972,0.7142857143
+graphstate_indep_tket_30,graphstate,30,-1,0.8605657212,0.8666666667,-1,0.5166340645,0.8666666667,0.3614363670349121,0.1126760618,0.7307692308,-1,-1,-1,-1,-1,-1,16.974569082260132,0.0003082303,0.8666666667,-1,-1,-1,-1,-1,-1,12.040396928787231,0.8605657212,0.8666666667,1.5578851699829102,0.0589897131,0.568627451,-1,-1,-1,-1,-1,-1,0.9827191829681396,0.0001535787,0.8666666667,-1,-1,-1,-1,-1,-1,1.0574951171875,0.5244459244,0.8666666667
+qaoa_indep_qiskit_10,qaoa,10,-1,0.8957309438,0.65,-1,0.0226576206,0.6871165644,0.11455678939819336,0.3739350359,0.6229508197,0.13216304779052734,0.5043889646,0.6229508197,-1,-1,-1,0.18866515159606934,0.001087818,0.5306122449,5.239496946334839,0.4347459005,0.65,5.285197019577026,0.818031178,0.65,5.3044822216033936,0.8957309438,0.65,1.0806620121002197,0.2422028419,0.6285714286,1.0607638359069824,0.3633689508,0.6285714286,-1,-1,-1,1.0636589527130127,4.87e-06,0.6538461538,0.732841968536377,0.0849909174,0.65,0.7456638813018799,0.5923047105,0.65,0.6610081195831299,0.6809596072,0.65
+wstate_indep_tket_16,wstate,16,-1,0.8079970983,0.4333333333,-1,0.0014394803,0.5785123967,0.42695093154907227,0.3004558039,0.4333333333,0.08036971092224121,0.4361729232,0.4333333333,-1,-1,-1,5.91300892829895,0.0016792383,0.4333333333,-1,-1,-1,7.395781993865967,0.7255058355,0.4333333333,8.739228010177612,0.8079970983,0.4333333333,0.9734201431274414,0.289831997,0.4333333333,0.8836231231689453,0.4835147165,0.4333333333,-1,-1,-1,0.900658369064331,0.0011202584,0.4333333333,-1,-1,-1,0.8742430210113525,0.6355194072,0.4333333333,2.2936630249023438,0.5541136674,0.4333333333
+portfoliovqe_indep_qiskit_6,portfoliovqe,6,-1,0.8325792038,0.5333333333,-1,0.0699232377,0.5333333333,0.24496722221374512,0.0044141791,0.3083333333,0.23038506507873535,0.3880886286,0.3083333333,2.000626802444458,2.36059e-05,0.4388489209,0.34940624237060547,1.84e-07,0.1495327103,5.717914819717407,0.1673342269,0.5333333333,5.962990045547485,0.6448608495,0.5333333333,5.770128965377808,0.8325792038,0.5333333333,1.2910730838775635,0.1943267011,0.3515151515,1.1574089527130127,0.321323287,0.4027777778,1.3087799549102783,7.4911e-06,0.2962962963,1.3585641384124756,9.9e-09,0.2032520325,1.1080009937286377,0.0487050166,0.5333333333,1.2188961505889893,0.5341073593,0.5333333333,1.546525001525879,0.4664909703,0.5333333333
+graphstate_indep_qiskit_90,graphstate,90,-1,1.07707e-05,0.9061135371,-1,0.0,0.8959232614,27.513338088989258,9.89805e-05,0.8654292343,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4.165308237075806,0.0041081699,0.5376344086,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qpeinexact_indep_qiskit_50,qpeinexact,50,-1,0.0,0.7132777421,-1,0.0,0.803069719,12.58688497543335,0.0,0.7731367731,-1,-1,-1,-1,-1,-1,21.612661123275757,0.0,0.7748236571,-1,-1,-1,-1,-1,-1,-1,-1,-1,47.826276779174805,0.0,0.709103124,-1,-1,-1,-1,-1,-1,48.20549011230469,0.0,0.7664583636,-1,-1,-1,-1,-1,-1,-1,-1,-1
+realamprandom_indep_tket_30,realamprandom,30,-1,0.0135133675,0.9103448276,-1,0.0135133675,0.9103448276,10.674658060073853,0.0,0.8675757576,-1,-1,-1,-1,-1,-1,22.067191123962402,0.0,0.7780418251,-1,-1,-1,-1,-1,-1,90.55851888656616,0.0135133675,0.9103448276,35.414401054382324,0.0,0.7258064516,-1,-1,-1,-1,-1,-1,36.633065938949585,0.0,0.7909774436,-1,-1,-1,-1,-1,-1,37.441118001937866,1.8e-09,0.9103448276
+qft_indep_qiskit_5,qft,5,-1,0.8571389314,0.3461538462,-1,0.200233604,0.5050505051,0.0847628116607666,0.2235351219,0.1621621622,0.06668519973754883,0.6977721389,0.2380952381,36.49271082878113,0.0095569182,0.22,0.14497804641723633,0.0046324367,0.1842105263,1.0274102687835693,0.315485493,0.3461538462,5.2137861251831055,0.7619202122,0.3461538462,4.526037931442261,0.8571389314,0.3461538462,0.6372270584106445,0.3118028662,0.1428571429,0.555696964263916,0.7318409102,0.125,0.4587678909301758,0.0130335095,0.2045454545,0.5101478099822998,6.558e-05,0.2571428571,0.43445706367492676,0.2873605232,0.3,0.44711804389953613,0.767921725,0.3,0.3990771770477295,0.8153546164,0.3
+wstate_indep_qiskit_90,wstate,90,-1,0.0,0.4560540873,-1,0.0,0.6180904523,33.819506883621216,0.0054674279,0.4887640449,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,5.7090630531311035,1.03393e-05,0.7257281553,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1
+dj_indep_qiskit_12,dj,12,-1,0.9166068651,0.0,-1,0.0050844249,0.4816513761,0.07977175712585449,0.4444434944,0.1428571429,0.07505416870117188,0.5902743481,0.0384615385,-1,-1,-1,3.2860450744628906,0.0074807213,0.037037037,-1,-1,-1,30.597321033477783,0.8896995693,0.0,16.048844814300537,0.9166068651,0.0,0.7727410793304443,0.4652895931,0.1142857143,0.688622236251831,0.640413132,0.0857142857,-1,-1,-1,0.8759288787841797,0.0001746721,0.125,-1,-1,-1,0.35047388076782227,0.8558336996,0.0,0.4004180431365967,0.8268531646,0.0
+wstate_indep_tket_9,wstate,9,-1,0.8912719612,0.375,-1,0.5342907196,0.375,0.09700489044189453,0.6020569332,0.375,0.048799991607666016,0.626661586,0.375,-1,-1,-1,3.126492977142334,0.067147337,0.375,28.262387990951538,0.4772254745,0.375,5.088022947311401,0.8420750774,0.375,5.17257285118103,0.8912719612,0.375,0.49553489685058594,0.7013684651,0.375,0.46335887908935547,0.628365394,0.375,-1,-1,-1,0.47844886779785156,0.0233221617,0.375,0.45238780975341797,0.3001184542,0.375,0.4672577381134033,0.7845066211,0.375,0.5140640735626221,0.7281801999,0.375
+ae_indep_tket_9,ae,9,-1,0.6794920765,0.4166666667,-1,0.0002288434,0.5065359477,0.2668731212615967,0.0676281552,0.2520325203,0.26108813285827637,0.3517301727,0.2905982906,-1,-1,-1,9.466226816177368,5e-10,0.3097345133,44.05703806877136,0.0411691362,0.4166666667,23.84290909767151,0.4729893045,0.4166666667,12.25695013999939,0.6794920765,0.4166666667,1.8107309341430664,0.0176586846,0.3218390805,1.78550386428833,0.1915513042,0.2849462366,-1,-1,-1,1.762753963470459,0.0,0.2884615385,1.3241078853607178,0.0132722255,0.4166666667,1.337010145187378,0.3964847135,0.4166666667,1.2189879417419434,0.5249614207,0.4166666667
+wstate_indep_qiskit_28,wstate,28,-1,0.6829367293,0.462962963,-1,0.0,0.5946969697,35.80898404121399,0.1420953302,0.462962963,-1,-1,-1,-1,-1,-1,28.367592811584473,1.22673e-05,0.462962963,-1,-1,-1,-1,-1,-1,21.259113073349,0.6829367293,0.462962963,1.6404311656951904,0.1776489545,0.462962963,-1,-1,-1,-1,-1,-1,1.6356689929962158,5.98e-08,0.462962963,-1,-1,-1,-1,-1,-1,1.7785632610321045,0.3469093453,0.462962963
+wstate_indep_qiskit_5,wstate,5,-1,0.9426562567,0.25,-1,0.7502635321,0.35,2.112841844558716,0.8085332358,0.25,0.9008712768554688,0.8446925323,0.25,3.442500114440918,0.381564192,0.25,0.38375091552734375,0.2199795681,0.25,0.7927219867706299,0.6872041185,0.25,3.52982497215271,0.9169125179,0.25,5.283492088317871,0.9426562567,0.25,0.3202528953552246,0.8185978349,0.25,0.22182106971740723,0.7742061423,0.25,0.22664690017700195,0.2702938571,0.25,0.23687410354614258,0.1732934547,0.25,0.22030210494995117,0.5442535631,0.25,0.2323932647705078,0.8848383257,0.25,0.25950002670288086,0.8512030154,0.25
+qft_indep_qiskit_15,qft,15,-1,0.2907439593,0.7532467532,-1,0.0707403574,0.7532467532,18.648948907852173,0.0004290228,0.5595959596,0.9515810012817383,0.0028986499,0.5452898551,-1,-1,-1,1.3077030181884766,0.0,0.5303738318,-1,-1,-1,50.853408098220825,0.0958780481,0.7532467532,138.48587012290955,0.2907439593,0.7532467532,23.9695041179657,3.072e-07,0.5598845599,15.845577955245972,0.0009543666,0.503805175,-1,-1,-1,22.78354001045227,0.0,0.6585365854,-1,-1,-1,4.101187229156494,0.0674550946,0.7428571429,3.4359920024871826,0.1498283498,0.7428571429
+qft_indep_tket_6,qft,6,-1,0.7967368037,0.4615384615,-1,0.1361749733,0.4615384615,1.2217473983764648,0.3121793201,0.2258064516,1.898643970489502,0.5235761601,0.2258064516,31.1110680103302,0.0047748517,0.2162162162,3.0129239559173584,0.0004530402,0.3272727273,8.928934097290039,0.1811933802,0.4615384615,10.874608993530273,0.6673307522,0.4615384615,93.00578212738037,0.7967368037,0.4615384615,0.8333680629730225,0.4185765782,0.2456140351,0.6410768032073975,0.3683093473,0.196969697,0.6579279899597168,0.0023608361,0.2727272727,0.8427231311798096,2.475e-07,0.2549019608,0.6374521255493164,0.1585473415,0.4,0.6620433330535889,0.6759066345,0.4,0.6045389175415039,0.743643728,0.4
+graphstate_indep_tket_26,graphstate,26,-1,0.8779696511,0.7692307692,-1,0.0,0.8193979933,2.906322956085205,0.0738399692,0.6972477064,0.1263411045074463,0.2755768569,0.6515151515,-1,-1,-1,19.258984804153442,0.0008778767,0.7692307692,-1,-1,-1,-1,-1,-1,10.387403964996338,0.8779696511,0.7692307692,1.6033799648284912,0.0208134178,0.6492537313,2.894752025604248,0.2714283667,0.7678571429,-1,-1,-1,0.8710408210754395,0.0007046696,0.7692307692,-1,-1,-1,-1,-1,-1,0.9240567684173584,0.566452303,0.7692307692
+twolocalrandom_indep_tket_40,twolocalrandom,40,-1,-1,-1,-1,0.0,0.8417369978,45.51702094078064,0.0,0.8069632495,-1,-1,-1,-1,-1,-1,29.836833000183105,0.0,0.7986900147,-1,-1,-1,-1,-1,-1,-1,-1,-1,67.69983696937561,0.0,0.7876790579,-1,-1,-1,-1,-1,-1,70.85830497741699,0.0,0.79863174,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qaoa_indep_qiskit_8,qaoa,8,-1,0.9156764862,0.6875,-1,0.359597462,0.6875,0.1269369125366211,0.3266612534,0.66,0.11093401908874512,0.4770712887,0.66,0.16768097877502441,0.0416404212,0.6875,1.3798270225524902,0.0095944207,0.6875,14.852566003799438,0.5135566962,0.6875,9.016730070114136,0.851561239,0.6875,11.150475025177002,0.9156764862,0.6875,0.8983919620513916,0.2566736995,0.7076923077,0.8615710735321045,0.4480558639,0.75,0.6126730442047119,0.036769169,0.6875,0.6656126976013184,0.0012188357,0.6875,0.6624147891998291,0.1387905785,0.6875,0.6839323043823242,0.6574494958,0.6875,0.6463837623596191,0.7332979117,0.6875
+qnn_indep_qiskit_6,qnn,6,-1,0.7266174615,0.4615384615,-1,0.4912760674,0.46875,0.17530012130737305,0.0246420281,0.2195121951,0.17168974876403809,0.2597784651,0.1937984496,1.3426260948181152,8.4003e-06,0.3521126761,0.3553581237792969,0.0,0.1946902655,18.35528302192688,0.0674057976,0.46875,11.692178010940552,0.5233334688,0.46875,9.17015790939331,0.7266174615,0.4615384615,1.4048848152160645,0.223730659,0.3112582781,1.1661219596862793,0.2783658276,0.3051948052,1.1942129135131836,4.8136e-06,0.3243243243,1.356307029724121,0.0,0.3700787402,1.1628530025482178,0.0211130484,0.46875,1.366732120513916,0.4383349828,0.46875,1.2794201374053955,0.5339682013,0.4285714286
+qaoa_indep_qiskit_9,qaoa,9,-1,0.9056488079,0.6666666667,-1,8.168e-07,0.626984127,0.1394650936126709,0.3136755015,0.6111111111,0.7297790050506592,0.4759053891,0.6666666667,-1,-1,-1,1.9592959880828857,5.22726e-05,0.5641025641,6.894358158111572,0.4725110246,0.6666666667,10.102104187011719,0.8346278473,0.6666666667,6.928505897521973,0.9056488079,0.6666666667,0.9897251129150391,0.2709501536,0.6140350877,0.9529552459716797,0.4447977249,0.6140350877,-1,-1,-1,0.9448208808898926,1.31506e-05,0.5740740741,0.7032089233398438,0.1100414718,0.6666666667,0.8623170852661133,0.6252771444,0.6666666667,1.4000229835510254,0.7073517162,0.6666666667
+qnn_indep_qiskit_7,qnn,7,-1,0.6495429186,0.5333333333,-1,0.3755284256,0.5393258427,0.2490689754486084,0.0646020876,0.4438202247,4.593921899795532,0.1575332285,0.4450549451,19.84348225593567,1.432e-07,0.3770491803,1.6508972644805908,0.0,0.347826087,6.726614952087402,0.0245554532,0.5393258427,6.769092082977295,0.4090965916,0.5393258427,6.777271032333374,0.6495429186,0.5333333333,1.9016501903533936,0.053844694,0.4046511628,1.9845199584960938,0.0402721357,0.3926701571,2.1299490928649902,2.09e-08,0.4652173913,1.9754359722137451,0.0,0.4587628866,1.5181539058685303,0.0046140918,0.5393258427,1.5672729015350342,0.3169361202,0.5393258427,1.7917921543121338,0.4263176006,0.5
+wstate_indep_qiskit_29,wstate,29,-1,0.673433463,0.4642857143,-1,0.0,0.5090361446,21.44654893875122,0.2072986093,0.4642857143,-1,-1,-1,-1,-1,-1,15.5933358669281,6.1535e-06,0.4642857143,-1,-1,-1,-1,-1,-1,12.000675201416016,0.673433463,0.4642857143,1.7042129039764404,0.1699391176,0.4642857143,-1,-1,-1,-1,-1,-1,1.696958065032959,4.8e-08,0.4642857143,-1,-1,-1,-1,-1,-1,1.7911360263824463,0.3336317914,0.4642857143
+wstate_indep_qiskit_4,wstate,4,-1,0.9559587044,0.1666666667,-1,0.892255073,0.1666666667,0.28801608085632324,0.8286452983,0.1666666667,0.2708249092102051,0.8731278131,0.1666666667,0.05067300796508789,0.4894412679,0.1666666667,0.052593231201171875,0.3720562462,0.1666666667,0.13222312927246094,0.75279424,0.1666666667,3.396428108215332,0.9366388636,0.1666666667,3.3881402015686035,0.9559587044,0.1666666667,0.19648098945617676,0.8600636142,0.1666666667,0.17364716529846191,0.8005128123,0.1666666667,0.23721098899841309,0.3665591097,0.1666666667,0.8042619228363037,0.4770219757,0.1666666667,0.16974306106567383,0.631580083,0.1666666667,0.17791533470153809,0.9118654341,0.1666666667,0.20340800285339355,0.8850783659,0.1666666667
+qft_indep_qiskit_14,qft,14,-1,0.385573371,0.7252747253,-1,2e-10,0.7558139535,0.6266160011291504,0.0003651617,0.4934782609,0.61263108253479,0.01494986,0.5736263736,-1,-1,-1,1.3689029216766357,0.0,0.6068796069,-1,-1,-1,38.64348816871643,0.1271126844,0.7389162562,38.733426094055176,0.3354922268,0.7389162562,16.03112006187439,8.3223e-06,0.5834862385,5.004651069641113,0.0012331376,0.527301092,-1,-1,-1,12.178885221481323,0.0,0.5969827586,-1,-1,-1,3.5643088817596436,0.0964933636,0.7252747253,3.0066030025482178,0.1912639666,0.7252747253
+qft_indep_tket_7,qft,7,-1,0.7480402399,0.5098039216,-1,0.0734221919,0.5098039216,0.1392650604248047,0.3972890374,0.2959183673,0.12838387489318848,0.4143434257,0.247311828,1.3408026695251465,0.0008040153,0.396039604,0.2650899887084961,1.41e-08,0.3333333333,6.401179075241089,0.1093471753,0.5098039216,6.412590026855469,0.5910926341,0.5098039216,41.45730471611023,0.7480402399,0.5098039216,1.113457202911377,0.4154003842,0.2666666667,1.054518222808838,0.2496651076,0.2857142857,1.0831282138824463,0.0001936075,0.4509803922,1.1806831359863281,2e-10,0.2839506173,0.8850488662719727,0.0773827136,0.4761904762,0.8817811012268066,0.5795983787,0.4761904762,0.780005931854248,0.6681351518,0.4761904762
+graphstate_indep_tket_27,graphstate,27,-1,0.873585946,0.7777777778,-1,0.0,0.7894736842,0.17785024642944336,0.0802137082,0.7204301075,0.141937255859375,0.2479959534,0.8059701493,-1,-1,-1,0.21997880935668945,1.12306e-05,0.7719298246,-1,-1,-1,-1,-1,-1,10.326671838760376,0.873585946,0.7777777778,1.6566269397735596,0.0596728263,0.6666666667,4.664671897888184,0.176187942,0.6041666667,-1,-1,-1,1.8014020919799805,1.785e-07,0.5747126437,-1,-1,-1,-1,-1,-1,1.082460880279541,0.5535645491,0.7777777778
+dj_indep_qiskit_13,dj,13,-1,0.9092968887,0.0,-1,0.0091977862,0.4310344828,0.08756303787231445,0.4173302799,0.0,0.12037181854248047,0.5648376866,0.0,-1,-1,-1,0.13677501678466797,0.0029203113,0.0,-1,-1,-1,6.2223780155181885,0.8804569391,0.0,44.81800198554993,0.9092968887,0.0,0.8442668914794922,0.3457513116,0.0,0.8156421184539795,0.5839989711,0.1282051282,-1,-1,-1,0.8007919788360596,0.0027791126,0.0,-1,-1,-1,0.39588403701782227,0.8435612044,0.0,0.4486978054046631,0.8120932012,0.0
+wstate_indep_tket_8,wstate,8,-1,0.903849291,0.3571428571,-1,0.5629106004,0.3571428571,0.08011388778686523,0.6267757186,0.3571428571,0.044593095779418945,0.6533322025,0.3571428571,0.09260892868041992,0.153905076,0.3571428571,0.17489981651306152,0.0237290678,0.3571428571,4.710197925567627,0.5227742074,0.3571428571,4.777311086654663,0.8601913794,0.3571428571,4.9427571296691895,0.903849291,0.3571428571,0.4340479373931885,0.747631396,0.3571428571,0.40294504165649414,0.6474766393,0.3571428571,0.40421032905578613,0.1423027974,0.3571428571,0.4188411235809326,0.0258881384,0.3571428571,0.3971269130706787,0.3482730312,0.3571428571,0.41219186782836914,0.8084691291,0.3571428571,0.45226502418518066,0.757159608,0.3571428571
+ae_indep_tket_8,ae,8,-1,0.7383627454,0.3571428571,-1,0.0002544305,0.4447852761,0.20919585227966309,0.2661305646,0.1919191919,0.1997988224029541,0.3731276903,0.1546391753,1.0952260494232178,0.0002867312,0.2857142857,0.33948397636413574,5.593e-07,0.2413793103,7.912477970123291,0.0822931406,0.3571428571,8.96917986869812,0.5561048629,0.3571428571,41.031453132629395,0.7383627454,0.3571428571,1.6102051734924316,0.0273482627,0.328358209,1.290616750717163,0.193961212,0.2116788321,1.2897071838378906,1.82335e-05,0.3138686131,1.4207351207733154,4e-10,0.2890625,1.0399670600891113,0.0333229968,0.3571428571,1.0539162158966064,0.4840213955,0.3571428571,1.8305397033691406,0.5966990499,0.3571428571
+qft_indep_qiskit_4,qft,4,-1,0.8948405962,0.2777777778,-1,0.6134642581,0.1904761905,0.05996108055114746,0.7565123206,0.2,0.049755096435546875,0.8059669322,0.2,0.26224708557128906,0.0504917003,0.2,0.363861083984375,0.0441310331,0.2,0.15620899200439453,0.4425488854,0.2777777778,4.623818874359131,0.8263215083,0.2777777778,3.740522861480713,0.8948405962,0.2777777778,0.4695098400115967,0.6562073414,0.0,0.25585293769836426,0.768176257,0.0,0.2730276584625244,0.078346873,0.0833333333,0.38864874839782715,0.004489593,0.1111111111,0.26540064811706543,0.4631529511,0.1666666667,0.2774178981781006,0.8506783924,0.1666666667,0.3611788749694824,0.8824257852,0.1666666667
+graphstate_indep_tket_70,graphstate,70,-1,0.0004465786,0.8704819277,-1,0.0,0.8700067705,26.558204889297485,0.0004641244,0.862295082,-1,-1,-1,-1,-1,-1,22.37168788909912,0.0,0.8018867925,-1,-1,-1,-1,-1,-1,-1,-1,-1,5.426882028579712,0.0003450834,0.7696793003,-1,-1,-1,-1,-1,-1,6.809758901596069,0.0,0.8016085791,-1,-1,-1,-1,-1,-1,-1,-1,-1
+wstate_indep_tket_17,wstate,17,-1,0.7967535801,0.4375,-1,0.0002888242,0.5584415584,2.385831832885742,0.2912425109,0.4375,0.08569717407226562,0.4253788801,0.4375,-1,-1,-1,9.514798879623413,0.0019903537,0.4375,-1,-1,-1,7.955689191818237,0.7102261161,0.4375,7.750685930252075,0.7967535801,0.4375,0.9793171882629395,0.219231819,0.4375,0.9421570301055908,0.4283743137,0.4375,-1,-1,-1,0.9639251232147217,0.0004102952,0.4375,-1,-1,-1,0.9306449890136719,0.6166830183,0.4375,1.02073335647583,0.5329056079,0.4375
+qaoa_indep_qiskit_11,qaoa,11,-1,0.8859216913,0.7272727273,-1,0.2450461308,0.7272727273,0.11636614799499512,0.3236058364,0.68,0.10020208358764648,0.4844536366,0.68,-1,-1,-1,0.2325267791748047,0.0005010117,0.6382978723,0.06060910224914551,0.3999991283,0.7272727273,5.9566991329193115,0.8017645354,0.7272727273,15.07164216041565,0.8859216913,0.7272727273,1.2094109058380127,0.0937591849,0.6734693878,1.2061519622802734,0.389650746,0.6981132075,-1,-1,-1,1.2060649394989014,1.202e-07,0.7532467532,0.8769278526306152,0.0673858827,0.7272727273,0.8877923488616943,0.5633202251,0.7272727273,0.7946691513061523,0.656865292,0.7272727273
+portfoliovqe_indep_qiskit_7,portfoliovqe,7,-1,0.7840275756,0.6031746032,-1,0.024571764,0.6031746032,0.33702516555786133,0.2151115381,0.347826087,0.33316826820373535,0.2033100132,0.2808988764,10.98637318611145,3.32e-08,0.425,0.49706315994262695,6.4e-09,0.3419354839,16.948368787765503,0.084199477,0.6031746032,6.704200029373169,0.5434116476,0.6031746032,9.245238065719604,0.7840275756,0.6031746032,1.9217710494995117,0.0059111132,0.4480874317,1.8409132957458496,0.0352731494,0.3383838384,1.8640000820159912,1.05e-08,0.5662650602,1.9843881130218506,0.0,0.4155844156,1.6488490104675293,0.0156976118,0.6031746032,1.6887938976287842,0.4204879563,0.6031746032,1.846911907196045,0.3482910296,0.6031746032
+qpeinexact_indep_tket_40,qpeinexact,40,-1,0.0,0.4764357054,-1,0.0,0.7726804532,8.705795049667358,0.0,0.7486263736,-1,-1,-1,-1,-1,-1,24.13849401473999,0.0,0.7142077993,-1,-1,-1,-1,-1,-1,-1,-1,-1,30.979524850845337,0.0,0.723280151,-1,-1,-1,-1,-1,-1,32.42102909088135,0.0,0.7292014303,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qpeinexact_indep_qiskit_10,qpeinexact,10,-1,0.6297062263,0.4666666667,-1,3.80364e-05,0.5460526316,0.3395218849182129,0.0115938566,0.3497536946,0.2804219722747803,0.1413139835,0.2211981567,-1,-1,-1,0.5986590385437012,0.0,0.328042328,10.193699836730957,0.0129346884,0.5,10.302616834640503,0.353609294,0.5,10.273036003112793,0.5853329218,0.5,9.059846878051758,0.0431980496,0.4212962963,3.059033155441284,0.0570690203,0.3935742972,-1,-1,-1,8.72195816040039,0.0,0.4177777778,1.7316508293151855,0.0043568222,0.4666666667,1.7450413703918457,0.3130168486,0.4666666667,1.6807737350463867,0.4441730095,0.4666666667
+graphstate_indep_qiskit_29,graphstate,29,-1,0.8648840901,0.7586206897,-1,0.0,0.7868217054,0.30858302116394043,0.0719969082,0.7882352941,-1,-1,-1,-1,-1,-1,8.789537191390991,8.189e-07,0.7435897436,-1,-1,-1,-1,-1,-1,11.444555044174194,0.8648840901,0.7586206897,1.879511833190918,0.0244840206,0.6701570681,-1,-1,-1,-1,-1,-1,2.9281957149505615,2.15e-08,0.7191011236,-1,-1,-1,-1,-1,-1,1.03857421875,0.5339778386,0.7586206897
+wstate_indep_tket_40,wstate,40,-1,0.0003818928,0.4510739857,-1,0.0,0.577540107,24.272921085357666,0.1456271613,0.4743589744,-1,-1,-1,-1,-1,-1,14.841460943222046,1.782e-07,0.4743589744,-1,-1,-1,-1,-1,-1,-1,-1,-1,2.4753081798553467,0.1045514262,0.4743589744,-1,-1,-1,-1,-1,-1,2.3865511417388916,0.0,0.4743589744,-1,-1,-1,-1,-1,-1,-1,-1,-1
+random_indep_qiskit_5,random,5,-1,0.8095984726,0.4594594595,-1,0.0078908798,0.4708520179,0.14417576789855957,0.1652014864,0.2941176471,0.13431310653686523,0.5320364766,0.2941176471,0.3835608959197998,0.0240116489,0.2941176471,9.177970886230469,0.0104318781,0.2941176471,9.062645196914673,0.3015730185,0.375,11.92423677444458,0.7613728334,0.375,9.049938201904297,0.8112201015,0.4594594595,0.6400089263916016,0.3813933511,0.0930232558,0.5787537097930908,0.5566419921,0.0930232558,0.6276888847351074,0.0268140333,0.2325581395,0.6922750473022461,0.0094625179,0.325,0.5925102233886719,0.1887146992,0.36,0.6053640842437744,0.7070261261,0.36,0.6489620208740234,0.7066401133,0.4
+vqe_indep_qiskit_5,vqe,5,-1,0.9332720007,0.25,-1,0.6469952702,0.25,0.053118228912353516,0.8054185167,0.25,2.269944190979004,0.8404731945,0.25,5.34943699836731,0.3754287696,0.25,1.1889660358428955,0.2590080946,0.25,1.744668960571289,0.6747137475,0.25,11.454760313034058,0.9143482416,0.25,8.671865940093994,0.9332720007,0.25,0.2445681095123291,0.8166814457,0.25,0.21860694885253906,0.7717000396,0.25,0.2426309585571289,0.2851791592,0.25,0.23887085914611816,0.170472743,0.25,0.2152109146118164,0.5287896856,0.25,0.22472715377807617,0.8809528143,0.25,0.257979154586792,0.8418864582,0.25
+ae_indep_qiskit_7,ae,7,-1,0.7943418145,0.2857142857,-1,0.1175227059,0.4615384615,3.4728150367736816,0.1792722493,0.0810810811,2.6652560234069824,0.4016138058,0.0833333333,10.767428874969482,0.0005295031,0.2105263158,0.9981412887573242,4.1637e-06,0.1692307692,8.435574054718018,0.1493787871,0.2857142857,8.641441106796265,0.6423645508,0.2857142857,7.666954040527344,0.7943418145,0.2857142857,0.9851992130279541,0.2536923937,0.2688172043,0.7860877513885498,0.1972664571,0.2444444444,1.0197041034698486,0.0004303641,0.2708333333,1.1092138290405273,4.6e-09,0.2179487179,0.7693450450897217,0.0775857537,0.2857142857,0.782149076461792,0.5798303108,0.2857142857,0.7527139186859131,0.6809575589,0.2857142857
+dj_indep_qiskit_29,dj,29,-1,0.8088107701,0.0,-1,0.0,0.6775,4.419740200042725,0.1269641521,0.130952381,-1,-1,-1,-1,-1,-1,5.234406232833862,2.6765e-06,0.0147058824,-1,-1,-1,-1,-1,-1,11.422754049301147,0.8088107701,0.0,1.9472861289978027,0.0060961654,0.5798319328,-1,-1,-1,-1,-1,-1,1.98506498336792,0.0,0.4350649351,-1,-1,-1,-1,-1,-1,1.0297470092773438,0.6185827005,0.0
+dj_indep_tket_10,dj,10,-1,0.9304721847,0.0,-1,0.0413327696,0.4960629921,2.9938299655914307,0.6145793432,0.0,2.377847909927368,0.7166017012,0.05,-1,-1,-1,0.1101522445678711,0.0499668585,0.0,5.400180101394653,0.6626337987,0.0,5.417088985443115,0.9084769227,0.0,5.588722229003906,0.9304721847,0.0,0.6109771728515625,0.3980666093,0.0,0.5744719505310059,0.5812671013,0.0666666667,-1,-1,-1,0.6256697177886963,0.0003998477,0.1515151515,0.28048110008239746,0.5387278026,0.0,0.293715238571167,0.8802123316,0.0,0.33586692810058594,0.8554692551,0.0
+qftentangled_indep_tket_50,qftentangled,50,-1,0.0,0.7735629509,-1,0.0,0.8569768286,19.70276403427124,0.0,0.8682198115,-1,-1,-1,-1,-1,-1,17.16237211227417,0.0,0.7953506098,-1,-1,-1,-1,-1,-1,-1,-1,-1,48.38685393333435,0.0,0.8152064451,-1,-1,-1,-1,-1,-1,51.26100420951843,0.0,0.8527500396,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qft_indep_tket_13,qft,13,-1,0.4776684066,0.7051282051,-1,1.51e-08,0.7541191381,2.242196798324585,0.0018275943,0.4881889764,0.6223998069763184,0.0258801392,0.4808184143,-1,-1,-1,0.9937348365783691,0.0,0.5539358601,-1,-1,-1,41.688093185424805,0.1704281623,0.7183908046,36.06944394111633,0.3910215098,0.7183908046,8.756732940673828,0.0006361948,0.7083333333,3.432248830795288,0.0073503315,0.4834307992,-1,-1,-1,4.171117782592773,0.0,0.6696428571,-1,-1,-1,3.076417922973633,0.1343703126,0.7051282051,2.596912145614624,0.2400403845,0.7051282051
+wstate_indep_qiskit_13,wstate,13,-1,0.8426886293,0.4166666667,-1,0.0243163878,0.5333333333,0.4471590518951416,0.4379229057,0.4166666667,1.0102379322052002,0.56260888,0.4166666667,-1,-1,-1,3.7147042751312256,0.0078782068,0.4166666667,-1,-1,-1,6.686809062957764,0.7733457905,0.4166666667,12.755852937698364,0.8426886293,0.4166666667,0.7527618408203125,0.5702601585,0.4166666667,0.6991510391235352,0.5376235147,0.4166666667,-1,-1,-1,0.7192940711975098,0.0034181326,0.4166666667,-1,-1,-1,0.6980710029602051,0.6955515157,0.4166666667,0.7660417556762695,0.622937647,0.4166666667
+qftentangled_indep_qiskit_9,qftentangled,9,-1,0.6430959852,0.6,-1,0.0035661895,0.6290322581,0.280109167098999,0.0818162789,0.3370786517,0.8109800815582275,0.2032469289,0.3409090909,-1,-1,-1,0.5184030532836914,0.0,0.3658536585,8.929333925247192,0.0191600207,0.6195652174,8.955174922943115,0.3895605497,0.6195652174,8.96966814994812,0.5942014289,0.6195652174,2.1495440006256104,0.0533495192,0.4469273743,2.0290138721466064,0.0811361058,0.4469273743,-1,-1,-1,2.1169302463531494,0.0,0.4729064039,1.7406458854675293,0.0074346981,0.6,1.7392539978027344,0.3523722106,0.6,1.5548391342163086,0.4410744373,0.6136363636
+qftentangled_indep_tket_9,qftentangled,9,-1,0.6430959852,0.6,-1,0.0035661895,0.6290322581,0.28408193588256836,0.0818162789,0.3370786517,0.25978994369506836,0.2032469289,0.3409090909,-1,-1,-1,0.5171630382537842,0.0,0.3658536585,9.257851839065552,0.0191600207,0.6195652174,9.356294870376587,0.3895605497,0.6195652174,9.280241012573242,0.5942014289,0.6195652174,2.1732542514801025,0.0533495192,0.4469273743,2.052372932434082,0.0811361058,0.4469273743,-1,-1,-1,2.1385700702667236,0.0,0.4729064039,1.7454702854156494,0.0074346981,0.6,1.7582690715789795,0.3523722106,0.6,1.5709459781646729,0.4410744373,0.6136363636
+graphstate_indep_qiskit_13,graphstate,13,-1,0.9370003474,0.7692307692,-1,2.0113e-06,0.7711864407,0.07809710502624512,0.4224514945,0.6956521739,0.06324481964111328,0.5729482741,0.6956521739,-1,-1,-1,0.10255789756774902,0.0279203561,0.72,-1,-1,-1,6.4239280223846436,0.874803247,0.7692307692,8.50382399559021,0.9370003474,0.7692307692,0.7655291557312012,0.3495377945,0.6785714286,0.7613062858581543,0.5037896279,0.6129032258,-1,-1,-1,0.7472867965698242,0.0035918813,0.6785714286,-1,-1,-1,0.4061450958251953,0.814019724,0.7692307692,0.4556889533996582,0.7564047236,0.7692307692
+qpeinexact_indep_qiskit_3,qpeinexact,3,-1,0.9473808611,0.0,-1,0.0099013134,0.4210526316,0.04524397850036621,0.8919882516,0.0,0.034938812255859375,0.8891398961,0.0,0.12266802787780762,0.3790230691,0.0,0.06134605407714844,0.4629897345,0.0,0.043554067611694336,0.7145554748,0.0,0.2089080810546875,0.9257967598,0.0,0.40578603744506836,0.9473808611,0.0,0.25173521041870117,0.6286063471,0.0,0.14564204216003418,0.8327499756,0.0,0.14959192276000977,0.2832072854,0.0,0.2732670307159424,0.2398932283,0.0,0.14621639251708984,0.6434500512,0.0,0.15758705139160156,0.9110989679,0.0,0.1612229347229004,0.9276947207,0.0
+qftentangled_indep_tket_11,qftentangled,11,-1,0.568563002,0.6666666667,-1,7.2492e-06,0.7093206951,0.40881991386413574,0.0024977077,0.4699646643,0.39510607719421387,0.0546462564,0.4668989547,-1,-1,-1,0.9128739833831787,0.0,0.4110671937,0.21402812004089355,0.00310516,0.6814814815,29.886681079864502,0.2518366209,0.6814814815,29.88340711593628,0.4719976214,0.6814814815,15.856504201889038,0.0005791877,0.4583333333,3.8376810550689697,0.0218712739,0.4930555556,-1,-1,-1,15.863423824310303,0.0,0.5296296296,2.513292074203491,0.0006676278,0.6666666667,2.518933057785034,0.2104726363,0.6666666667,2.2259068489074707,0.3061171473,0.6769230769
+wstate_indep_qiskit_8,wstate,8,-1,0.903849291,0.3571428571,-1,0.5595217769,0.3571428571,0.07988286018371582,0.6267757186,0.3571428571,0.04462170600891113,0.6533322025,0.3571428571,0.47687506675720215,0.1528300799,0.3571428571,0.17351388931274414,0.0237290678,0.3571428571,4.753727197647095,0.5227742074,0.3571428571,4.750693321228027,0.8601913794,0.3571428571,4.794862985610962,0.903849291,0.3571428571,0.43227410316467285,0.747631396,0.3571428571,0.40266871452331543,0.6474766393,0.3571428571,0.4039938449859619,0.1423027974,0.3571428571,0.4248330593109131,0.0258881384,0.3571428571,0.3926849365234375,0.3482730312,0.3571428571,0.40667200088500977,0.8084691291,0.3571428571,0.45058608055114746,0.757159608,0.3571428571
+wstate_indep_qiskit_25,wstate,25,-1,0.7122587661,0.4583333333,-1,0.000139209,0.5573333333,3.4770801067352295,0.1859356382,0.4583333333,0.1681218147277832,0.2955115261,0.3,-1,-1,-1,10.629916906356812,2.06923e-05,0.4583333333,-1,-1,-1,0.12490510940551758,0.5990215713,0.4583333333,9.984570026397705,0.7122587661,0.4583333333,1.4564871788024902,0.2039155,0.4583333333,2.4164841175079346,0.148530344,0.5213675214,-1,-1,-1,1.4445650577545166,3.606e-07,0.4583333333,-1,-1,-1,1.4031469821929932,0.484760657,0.4583333333,1.52864408493042,0.389997403,0.4583333333
+portfolioqaoa_indep_tket_4,portfolioqaoa,4,-1,0.9138405512,0.2777777778,-1,0.0,0.405982906,0.10703301429748535,0.251252269,0.0,0.08902597427368164,0.4990221272,0.0,0.6357078552246094,0.0007764143,0.2121212121,0.20359110832214355,0.0013738361,0.0,0.1755979061126709,0.4725110246,0.2777777778,3.934190034866333,0.8346278473,0.2777777778,3.975301742553711,0.9138405512,0.2777777778,0.6955902576446533,0.1129880522,0.0,0.5914857387542725,0.4653993856,0.0,0.6094169616699219,0.0005541158,0.2345679012,0.7260770797729492,1.417e-07,0.2592592593,0.5902771949768066,0.1106196923,0.2777777778,0.5993521213531494,0.6257776664,0.2777777778,0.5302338600158691,0.7130360798,0.2777777778
+qaoa_indep_qiskit_5,qaoa,5,-1,0.9464306334,0.4,-1,0.3103686013,0.3611111111,0.08738088607788086,0.2453858483,0.2413793103,0.05349421501159668,0.7625530934,0.2413793103,0.3536336421966553,0.0429223517,0.40625,0.09914398193359375,0.0405876896,0.347826087,0.8341989517211914,0.6593526374,0.4,7.4683310985565186,0.9044507604,0.4,4.565479278564453,0.9464306334,0.4,0.5614368915557861,0.2645799717,0.28,0.49159884452819824,0.4288684893,0.28,0.3922390937805176,0.0909296064,0.34375,0.5700197219848633,0.065068012,0.347826087,0.40152406692504883,0.2973181808,0.4,0.4110991954803467,0.7719261213,0.4,0.35958123207092285,0.8268556518,0.4
+pricingput_indep_qiskit_11,pricingput,11,-1,0.3541185773,0.2388059701,-1,0.0,0.4209770115,0.7621147632598877,5.852e-07,0.2435233161,0.7514750957489014,0.0162968344,0.1989528796,-1,-1,-1,1.180851936340332,0.0,0.2824675325,0.4703330993652344,0.0001171494,0.2401960784,12.896013021469116,0.1184178021,0.2401960784,10.191960096359253,0.352351522,0.2388059701,4.418420076370239,0.0003429734,0.2760736196,4.398024082183838,0.0029712111,0.1828703704,-1,-1,-1,4.6579060554504395,0.0,0.2431077694,4.04965877532959,1.5122e-06,0.2401960784,4.077467918395996,0.0609519733,0.2401960784,4.667986869812012,0.0551365589,0.2134146341
+portfolioqaoa_indep_qiskit_3,portfolioqaoa,3,-1,0.9473808611,0.0,-1,3.7405e-06,0.3235294118,0.07651185989379883,0.6340371537,0.0,0.06390500068664551,0.6838558449,0.0,0.2897500991821289,0.0576065928,0.0,0.1390829086303711,0.0539856316,0.0,0.04947519302368164,0.67137277,0.0,0.19916224479675293,0.9102960589,0.0,0.37053394317626953,0.9473808611,0.0,0.38225793838500977,0.2590568727,0.0,0.27579402923583984,0.5695405671,0.0,0.27727794647216797,0.0333756031,0.0,0.36895179748535156,0.0153385484,0.0,0.2622029781341553,0.3325953882,0.0,0.2741720676422119,0.7910611016,0.0,0.24082303047180176,0.8360083885,0.0
+qft_indep_qiskit_8,qft,8,-1,0.6815428369,0.5735294118,-1,0.0310686159,0.5735294118,0.6304779052734375,0.2003045673,0.373015873,0.17710590362548828,0.3076660169,0.3740458015,1.25925612449646,1.66745e-05,0.4390243902,0.3457188606262207,4e-10,0.3211009174,7.846203804016113,0.0531639941,0.5735294118,7.866971969604492,0.4973259978,0.5735294118,7.8683271408081055,0.6815428369,0.5735294118,1.6853220462799072,0.2453045899,0.375,1.3770771026611328,0.2243075859,0.3893129771,1.1620757579803467,9.6472e-06,0.5071428571,1.2472009658813477,5.5e-09,0.2131147541,1.1368639469146729,0.0334104311,0.5357142857,1.1511240005493164,0.4842150815,0.5357142857,1.0012211799621582,0.5866359128,0.5357142857
+ae_indep_qiskit_50,ae,50,-1,0.0,0.7318905921,-1,0.0,0.8250122198,15.073247909545898,0.0,0.7504125413,-1,-1,-1,-1,-1,-1,36.44495701789856,0.0,0.7554283458,-1,-1,-1,-1,-1,-1,-1,-1,-1,47.23410987854004,0.0,0.709103124,-1,-1,-1,-1,-1,-1,48.852848052978516,0.0,0.7664583636,-1,-1,-1,-1,-1,-1,-1,-1,-1
+dj_indep_tket_26,dj,26,-1,0.8268183447,0.0,-1,0.0,0.7893700787,0.2825350761413574,0.1772507362,0.0273972603,0.27628493309020996,0.2491840366,0.0759493671,-1,-1,-1,0.28317809104919434,1.3278e-06,0.0746268657,-1,-1,-1,-1,-1,-1,10.230069875717163,0.8268183447,0.0,1.6481647491455078,0.0874108997,0.3533834586,1.4922058582305908,0.078764955,0.5138121547,-1,-1,-1,1.5125651359558105,0.0,0.2660550459,-1,-1,-1,-1,-1,-1,0.9279739856719971,0.6516228448,0.0
+ae_indep_tket_4,ae,4,-1,0.9313951833,0.0,-1,0.0772473646,0.4516129032,0.07297372817993164,0.8205345125,0.0,0.055613040924072266,0.8441072068,0.0,0.27770400047302246,0.0686078025,0.0,0.24190688133239746,0.2293013639,0.0,0.17745423316955566,0.5607902622,0.0,3.914418935775757,0.8765906673,0.0,5.168630838394165,0.9313951833,0.0,0.32034993171691895,0.6536261879,0.0,0.254331111907959,0.767086115,0.0,0.25098705291748047,0.092830225,0.0,0.3595719337463379,0.0120263186,0.0,0.2637500762939453,0.4754498486,0.0,0.26709794998168945,0.8540886039,0.0,0.27729201316833496,0.8850783659,0.0
+wstate_indep_tket_4,wstate,4,-1,0.9559587044,0.1666666667,-1,0.8911939359,0.1666666667,0.039672136306762695,0.8286452983,0.1666666667,0.02538132667541504,0.8731278131,0.1666666667,0.05042099952697754,0.4915034147,0.1666666667,0.05391407012939453,0.3720562462,0.1666666667,0.12810707092285156,0.75279424,0.1666666667,3.396253824234009,0.9366388636,0.1666666667,3.386331081390381,0.9559587044,0.1666666667,0.22612309455871582,0.8600636142,0.1666666667,0.16747593879699707,0.8005128123,0.1666666667,0.16401982307434082,0.3665591097,0.1666666667,0.18021416664123535,0.4770219757,0.1666666667,0.16170191764831543,0.631580083,0.1666666667,0.1792449951171875,0.9118654341,0.1666666667,0.20335102081298828,0.8850783659,0.1666666667
+routing_indep_qiskit_12,routing,12,-1,0.7677958874,0.5454545455,-1,0.0149342039,0.6315789474,0.2134401798248291,0.3612534558,0.5454545455,0.10330390930175781,0.5231379916,0.5454545455,-1,-1,-1,0.9853761196136475,0.0088247926,0.5454545455,-1,-1,-1,6.066617012023926,0.6980838406,0.5454545455,6.104233026504517,0.7677958874,0.5454545455,0.944706916809082,0.5497215808,0.5454545455,0.9111640453338623,0.4772169652,0.5454545455,-1,-1,-1,0.967602014541626,0.0005362611,0.5454545455,-1,-1,-1,0.8955950736999512,0.6010687274,0.5454545455,1.006239891052246,0.508933973,0.5454545455
+dj_indep_tket_30,dj,30,-1,0.8023604718,0.0,-1,1.9566e-05,0.464516129,0.3453860282897949,0.1055567622,0.1276595745,-1,-1,-1,-1,-1,-1,0.3441181182861328,4.629e-07,0.1975308642,-1,-1,-1,-1,-1,-1,11.384907007217407,0.8023604718,0.0,1.7873849868774414,0.0086269002,0.556561086,-1,-1,-1,-1,-1,-1,1.7472000122070312,0.0,0.4540540541,-1,-1,-1,-1,-1,-1,1.0664870738983154,0.6087574308,0.0
+qpeexact_indep_qiskit_16,qpeexact,16,-1,0.2969101173,0.6527196653,-1,0.0,0.7196804648,0.8054430484771729,7.646e-07,0.4771723122,0.9070107936859131,0.0007343045,0.463963964,-1,-1,-1,1.7337439060211182,0.0,0.4942084942,-1,-1,-1,44.031286001205444,0.0715672317,0.6692307692,46.23618197441101,0.2601601069,0.6666666667,5.790772199630737,1.408e-07,0.5540897098,4.924711227416992,7.90636e-05,0.5744186047,-1,-1,-1,5.304949998855591,0.0,0.5186440678,-1,-1,-1,4.653053283691406,0.0474943467,0.6527196653,3.9704790115356445,0.122774043,0.65
+vqe_indep_qiskit_12,vqe,12,-1,0.8318041705,0.4090909091,-1,0.0340498461,0.5769230769,0.1907668113708496,0.4521523198,0.4090909091,0.22301292419433594,0.581156898,0.4090909091,-1,-1,-1,0.9483048915863037,0.0338669108,0.4090909091,-1,-1,-1,6.361863851547241,0.7833740742,0.4090909091,6.117498159408569,0.8318041705,0.4090909091,0.7385640144348145,0.6273826816,0.4090909091,0.712792158126831,0.5504507499,0.4090909091,-1,-1,-1,0.7167420387268066,0.00519696,0.4090909091,-1,-1,-1,0.6814961433410645,0.7085284697,0.4090909091,0.7503228187561035,0.6292052079,0.4090909091
+dj_indep_tket_6,dj,6,-1,0.959795005,0.0,-1,0.3129741345,0.3947368421,0.04568219184875488,0.6460919865,0.0,0.032380104064941406,0.861322806,0.0,0.15281081199645996,0.2173065772,0.0,0.06538891792297363,0.181765367,0.0,3.769317150115967,0.7951602317,0.0,3.836717128753662,0.9479871353,0.0,3.874192953109741,0.959795005,0.0,0.4217660427093506,0.7348987707,0.0,0.2705197334289551,0.7664940125,0.0,0.32978105545043945,0.2144488123,0.0,0.34973835945129395,0.151724893,0.0,0.15409493446350098,0.7067135225,0.0,0.16958212852478027,0.9310726707,0.0,0.1984729766845703,0.9157067848,0.0
+qpeexact_indep_qiskit_6,qpeexact,6,-1,0.8301114296,0.2647058824,-1,0.0,0.4523809524,0.09564805030822754,0.5101938746,0.1276595745,0.0908811092376709,0.5535913781,0.2127659574,0.7725329399108887,0.0097041135,0.2931034483,0.5770401954650879,0.0027043427,0.170212766,5.192813873291016,0.2369397211,0.2727272727,10.304435968399048,0.7107656803,0.2727272727,9.561362981796265,0.8301114296,0.2647058824,0.7975058555603027,0.3654794846,0.2380952381,0.6216590404510498,0.5431003352,0.2380952381,0.6955888271331787,0.0037699377,0.2638888889,0.7922401428222656,1.4106e-06,0.2222222222,0.6328601837158203,0.1903094048,0.2222222222,0.7264907360076904,0.7027385641,0.2222222222,0.5534329414367676,0.7663048584,0.2142857143
+routing_indep_tket_12,routing,12,-1,0.7677958874,0.5454545455,-1,0.004860978,0.676056338,0.21842122077941895,0.3612534558,0.5454545455,0.10599994659423828,0.5231379916,0.5454545455,-1,-1,-1,1.135148048400879,0.0088247926,0.5454545455,-1,-1,-1,6.352803945541382,0.6980838406,0.5454545455,6.22607684135437,0.7677958874,0.5454545455,0.9515020847320557,0.5497215808,0.5454545455,0.9211719036102295,0.4772169652,0.5454545455,-1,-1,-1,0.9792280197143555,0.0005362611,0.5454545455,-1,-1,-1,0.9136300086975098,0.6010687274,0.5454545455,1.0419609546661377,0.508933973,0.5454545455
+realamprandom_indep_tket_7,realamprandom,7,-1,0.7646603011,0.6031746032,-1,0.0475575351,0.6031746032,0.28839111328125,0.2624176265,0.3741007194,0.24709129333496094,0.234378996,0.2839506173,2.142627000808716,3.14e-08,0.425,0.5314979553222656,1.55e-08,0.3401360544,6.613615989685059,0.0811665348,0.6031746032,6.722150087356567,0.5403764418,0.6031746032,7.107464790344238,0.7646603011,0.6031746032,1.8422651290893555,0.0058942789,0.4480874317,1.7593562602996826,0.0352396813,0.3383838384,1.8667480945587158,1e-08,0.5662650602,2.860931873321533,0.0,0.4155844156,1.4906208515167236,0.0147407954,0.6031746032,1.5441560745239258,0.4164697864,0.6031746032,1.8565709590911865,0.3451689196,0.6031746032
+ae_indep_qiskit_11,ae,11,-1,0.5584321934,0.5090909091,-1,7.3963e-06,0.5684803002,0.5041890144348145,0.0638439767,0.3265306122,0.3522768020629883,0.1169157965,0.3103448276,-1,-1,-1,0.6180200576782227,0.0,0.3777777778,0.23226594924926758,0.0080252513,0.5090909091,29.141576051712036,0.3186986425,0.5090909091,29.150593996047974,0.5584321934,0.5090909091,15.310909032821655,0.0020161391,0.4576923077,3.315534830093384,0.013490759,0.4448275862,-1,-1,-1,20.830985069274902,0.0,0.5076923077,1.9858391284942627,0.0014536656,0.5090909091,2.0085997581481934,0.2459170067,0.5090909091,1.901906967163086,0.3739409922,0.5090909091
+graphstate_indep_qiskit_25,graphstate,25,-1,0.8823753539,0.8,-1,0.0004258121,0.8167701863,0.1603081226348877,0.1704502979,0.7922077922,0.11132168769836426,0.2994680091,0.62,-1,-1,-1,0.29495811462402344,1.63962e-05,0.6964285714,-1,-1,-1,0.0652158260345459,0.7736237339,0.8,12.046749830245972,0.8823753539,0.8,3.7006540298461914,0.1263629883,0.6470588235,1.9066240787506104,0.1674940026,0.6082474227,-1,-1,-1,1.8726670742034912,4e-10,0.5537190083,-1,-1,-1,0.9595012664794922,0.6722683129,0.8,0.9189901351928711,0.5825470172,0.8
+qpeexact_indep_tket_15,qpeexact,15,-1,0.3029184201,0.6493506494,-1,1e-10,0.6823432343,0.7041537761688232,0.0013072996,0.4410646388,1.2423160076141357,0.0012240377,0.5,-1,-1,-1,1.623434066772461,0.0,0.4623217923,-1,-1,-1,91.97159123420715,0.0968070395,0.652173913,41.71255707740784,0.3029184201,0.6493506494,12.148373126983643,1.11756e-05,0.535483871,5.707763195037842,0.0021583626,0.4754990926,-1,-1,-1,5.666137218475342,0.0,0.5176252319,-1,-1,-1,3.8338637351989746,0.0689035082,0.6315789474,3.4492392539978027,0.1565714286,0.6285714286
+su2random_indep_qiskit_7,su2random,7,-1,0.753270339,0.6031746032,-1,0.0354617551,0.6031746032,0.300091028213501,0.2623722345,0.3741007194,0.25845885276794434,0.234378996,0.2839506173,68.62239599227905,3.08e-08,0.425,0.6983308792114258,1.52e-08,0.3401360544,37.02546000480652,0.0734737066,0.6031746032,12.008939027786255,0.5322232107,0.6031746032,6.8681559562683105,0.753270339,0.6031746032,1.9158191680908203,0.0058574701,0.4480874317,1.7513060569763184,0.0351284976,0.3383838384,1.802541971206665,9.3e-09,0.5662650602,2.0928330421447754,0.0,0.4155844156,1.5033481121063232,0.0138422998,0.6031746032,1.5384480953216553,0.4124900139,0.6031746032,1.8396122455596924,0.3420747964,0.6031746032
+graphstate_indep_tket_6,graphstate,6,-1,0.970413453,0.1666666667,-1,0.0213185802,0.5234375,0.054599761962890625,0.7515693851,0.375,0.0407559871673584,0.8307292773,0.3846153846,37.18355703353882,0.2575673713,0.3333333333,0.6238667964935303,0.0773690998,0.0833333333,12.837026119232178,0.7707588809,0.1666666667,4.197908163070679,0.9400175172,0.1666666667,38.57891392707825,0.970413453,0.1666666667,0.3895883560180664,0.5178998387,0.1666666667,0.3636291027069092,0.7071069702,0.0416666667,0.2796618938446045,0.2117609867,0.25,0.3854949474334717,0.1065112824,0.3333333333,0.203413724899292,0.6217277605,0.1666666667,0.28417205810546875,0.9096791443,0.1666666667,0.24314594268798828,0.8797811542,0.1666666667
+realamprandom_indep_qiskit_2,realamprandom,2,-1,0.9752889115,0.0,-1,0.9385418816,0.0,0.043627023696899414,0.9251305142,0.0,0.03042292594909668,0.93967417,0.0,4.95599889755249,0.7792874271,0.0,2.1972250938415527,0.3164808033,0.0,2.1005029678344727,0.8463049475,0.0,0.6359210014343262,0.9641296472,0.0,0.20868134498596191,0.9752889115,0.0,0.0773160457611084,0.9160040437,0.0,0.10480308532714844,0.910781262,0.0,0.15758991241455078,0.5901801724,0.0,0.09112381935119629,0.5589780753,0.0,0.05389118194580078,0.817960852,0.0,0.0843348503112793,0.9591281878,0.0,0.08026885986328125,0.9636495995,0.0
+vqe_indep_qiskit_9,vqe,9,-1,0.8771180649,0.375,-1,0.1932914038,0.3970588235,2.2949378490448,0.582547767,0.375,0.7279257774353027,0.6229637927,0.375,-1,-1,-1,2.1928389072418213,0.0645378975,0.375,5.068168878555298,0.4576307238,0.375,42.58964204788208,0.8367019346,0.375,8.60168194770813,0.8771180649,0.375,0.5304388999938965,0.6989195047,0.375,0.49243998527526855,0.6258723217,0.375,-1,-1,-1,0.4855470657348633,0.0224722427,0.375,0.4466559886932373,0.2855421156,0.375,0.5799422264099121,0.7785657863,0.375,0.5525410175323486,0.7144685921,0.375
+dj_indep_qiskit_25,dj,25,-1,0.8334652635,0.0,-1,0.0016767638,0.4319727891,4.80794620513916,0.0870326927,0.0675675676,0.2811238765716553,0.290607182,0.1176470588,-1,-1,-1,13.837202787399292,2.9404e-06,0.0298507463,-1,-1,-1,0.34033203125,0.7786235215,0.0,10.366124629974365,0.8334652635,0.0,1.5113451480865479,0.1293156035,0.3963963964,1.4441609382629395,0.0508521925,0.4619047619,-1,-1,-1,1.3763530254364014,0.0,0.3137254902,-1,-1,-1,0.8183150291442871,0.7127351979,0.0,0.8585131168365479,0.6621399571,0.0
+qpeinexact_indep_tket_2,qpeinexact,2,-1,0.9870717764,0.0,-1,0.9606352705,0.0,0.023351669311523438,0.9568938315,0.0,0.06379914283752441,0.9697695773,0.0,6.816439867019653,0.8641473373,0.0,0.02620697021484375,0.4697571121,0.0,0.015865087509155273,0.9057229717,0.0,0.02395796775817871,0.977764962,0.0,0.02903127670288086,0.9870717764,0.0,0.07048487663269043,0.9675110774,0.0,0.04495811462402344,0.9412044126,0.0,0.14493227005004883,0.7109153643,0.0,0.08301973342895508,0.6841707287,0.0,0.045411109924316406,0.8685342282,0.0,0.05881786346435547,0.9715260044,0.0,0.1254138946533203,0.9752947789,0.0
+graphstate_indep_tket_11,graphstate,11,-1,0.9464277865,0.5454545455,-1,4.59322e-05,0.6753246753,1.228450059890747,0.4405758746,0.5833333333,6.90145206451416,0.5732961268,0.5833333333,-1,-1,-1,0.540996789932251,0.006252629,0.4761904762,0.07007789611816406,0.6258603106,0.5454545455,5.865082025527954,0.8939812514,0.5454545455,5.879359006881714,0.9464277865,0.5454545455,0.738095760345459,0.5951311958,0.5,0.750363826751709,0.6026579081,0.6470588235,-1,-1,-1,0.7335481643676758,0.0012178676,0.45,0.3686530590057373,0.4093708461,0.5454545455,0.40393805503845215,0.8378774426,0.5454545455,0.45830202102661133,0.7841502204,0.5454545455
+qpeinexact_indep_qiskit_30,qpeinexact,30,-1,0.0157695753,0.8055555556,-1,2.656e-07,0.8125,40.73461890220642,0.0,0.6881014873,-1,-1,-1,-1,-1,-1,15.734458208084106,0.0,0.656641604,-1,-1,-1,-1,-1,-1,132.71074199676514,0.0103059917,0.8125,21.24106192588806,0.0,0.6939040208,-1,-1,-1,-1,-1,-1,18.075438976287842,0.0,0.6301169591,-1,-1,-1,-1,-1,-1,13.829258918762207,0.000553052,0.8068965517
+realamprandom_indep_tket_50,realamprandom,50,-1,0.0,0.8117893477,-1,0.0,0.8697927793,51.009692907333374,0.0,0.8472974303,-1,-1,-1,-1,-1,-1,127.10829186439514,0.0,0.8360739542,-1,-1,-1,-1,-1,-1,-1,-1,-1,117.86021709442139,0.0,0.7503505677,-1,-1,-1,-1,-1,-1,121.69309687614441,0.0,0.7974668969,-1,-1,-1,-1,-1,-1,-1,-1,-1
+vqe_indep_tket_10,vqe,10,-1,0.858876452,0.3888888889,-1,0.132210168,0.5379310345,2.9079411029815674,0.4529711234,0.3888888889,0.06857919692993164,0.7064459661,0.3888888889,-1,-1,-1,4.163303852081299,0.0553373505,0.3888888889,109.26275730133057,0.4166646078,0.3888888889,91.43193197250366,0.8187527065,0.3888888889,41.44092798233032,0.858876452,0.3888888889,0.5874829292297363,0.6699678556,0.3888888889,0.6462790966033936,0.5987190809,0.3888888889,-1,-1,-1,0.7133769989013672,0.0131394804,0.3888888889,0.6462860107421875,0.2428582655,0.3888888889,0.6586906909942627,0.7539798234,0.3888888889,0.773273229598999,0.683694382,0.3888888889
+wstate_indep_tket_60,wstate,60,-1,0.000144303,0.4678492239,-1,0.0,0.5077844311,60.66488599777222,0.0423787655,0.4830508475,-1,-1,-1,-1,-1,-1,50.93488383293152,5e-10,0.4830508475,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.7018489837646484,0.0041096268,0.5602409639,-1,-1,-1,-1,-1,-1,3.748763084411621,0.0,0.6165803109,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qpeinexact_indep_tket_60,qpeinexact,60,-1,0.0,0.5994330897,-1,0.0,0.829509534,22.62827706336975,0.0,0.7623599209,-1,-1,-1,-1,-1,-1,31.314715147018433,0.0,0.7833743364,-1,-1,-1,-1,-1,-1,-1,-1,-1,65.11338210105896,0.0,0.7309956273,-1,-1,-1,-1,-1,-1,65.38992476463318,0.0,0.7224664992,-1,-1,-1,-1,-1,-1,-1,-1,-1
+qftentangled_indep_qiskit_12,qftentangled,12,-1,0.4102741895,0.7080745342,-1,1.104e-07,0.7237851662,12.52927017211914,0.0005267832,0.4896755162,35.82759213447571,0.04385855,0.5088235294,-1,-1,-1,85.63940691947937,0.0,0.4668874172,-1,-1,-1,149.05579280853271,0.193420913,0.7080745342,98.71565961837769,0.4102741895,0.7080745342,13.632351160049438,0.0022619917,0.5331491713,3.6368887424468994,0.0205285081,0.5376044568,-1,-1,-1,14.9406578540802,0.0,0.6448275862,-1,-1,-1,3.0265791416168213,0.1562034236,0.6923076923,2.6796460151672363,0.2458747337,0.7012987013
+qftentangled_indep_tket_5,qftentangled,5,-1,0.8351196252,0.3666666667,-1,1.20997e-05,0.3717948718,0.9963667392730713,0.5709552168,0.1224489796,0.5833871364593506,0.6521758537,0.1224489796,87.09295725822449,0.0027405994,0.2407407407,4.775393009185791,0.013789049,0.3684210526,7.702020645141602,0.2684741948,0.3666666667,39.01664400100708,0.7325056368,0.3666666667,34.60891008377075,0.8351196252,0.3666666667,0.815004825592041,0.5825189378,0.1282051282,1.4373221397399902,0.5824590108,0.1282051282,0.7766571044921875,0.0082807957,0.2916666667,0.7254188060760498,4.50876e-05,0.3055555556,0.6976208686828613,0.2173396734,0.3333333333,0.6611299514770508,0.7251027731,0.3333333333,0.6545579433441162,0.7601958332,0.3571428571
+qftentangled_indep_qiskit_5,qftentangled,5,-1,0.8351196252,0.3666666667,-1,2.50149e-05,0.4414414414,0.8246300220489502,0.5709552168,0.1224489796,0.5675721168518066,0.6521758537,0.1224489796,86.70621800422668,0.0027405994,0.2407407407,3.7728629112243652,0.013789049,0.3684210526,8.803516149520874,0.2684741948,0.3666666667,39.07728314399719,0.7325056368,0.3666666667,32.419520139694214,0.8351196252,0.3666666667,0.8319590091705322,0.5825189378,0.1282051282,0.852902889251709,0.5824590108,0.1282051282,0.7904829978942871,0.0082807957,0.2916666667,1.3902549743652344,4.50876e-05,0.3055555556,0.5377678871154785,0.2173396734,0.3333333333,0.7130012512207031,0.7251027731,0.3333333333,0.670330286026001,0.7601958332,0.3571428571
+graphstate_indep_tket_50,graphstate,50,-1,0.0050309175,0.8349056604,-1,0.0,0.8592162554,30.282397985458374,0.003459796,0.7777777778,-1,-1,-1,-1,-1,-1,265.6690192222595,1.85623e-05,0.86,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.722043991088867,0.0073237946,0.7043478261,-1,-1,-1,-1,-1,-1,1.8061728477478027,2.032e-07,0.86,-1,-1,-1,-1,-1,-1,-1,-1,-1
+realamprandom_indep_tket_11,realamprandom,11,-1,0.5342937316,0.7515151515,-1,0.000377835,0.7515151515,88.71078896522522,0.0028193009,0.5914489311,61.550830125808716,0.0065970594,0.6224489796,-1,-1,-1,54.375279903411865,0.0,0.5846560847,0.2684788703918457,0.0017182336,0.7515151515,90.4616949558258,0.2060086979,0.7515151515,69.53314423561096,0.5342937316,0.7515151515,17.29090905189514,8.219e-07,0.6319758673,5.428009986877441,0.0003675788,0.5622119816,-1,-1,-1,17.53189182281494,0.0,0.6156462585,3.894711971282959,2.08824e-05,0.7515151515,3.9193480014801025,0.1050654737,0.7515151515,4.4664740562438965,0.0691946512,0.7515151515
+wstate_indep_tket_21,wstate,21,-1,0.7533224554,0.45,-1,0.0,0.5049833887,8.404181003570557,0.2926006569,0.45,1.8473410606384277,0.3831527265,0.45,-1,-1,-1,133.08268904685974,0.0008946343,0.45,-1,-1,-1,54.26053285598755,0.6522582035,0.45,44.37506604194641,0.7533224554,0.45,1.2981250286102295,0.2414951667,0.45,1.2199809551239014,0.354206723,0.45,-1,-1,-1,1.2639870643615723,1.18627e-05,0.45,-1,-1,-1,1.211388111114502,0.5467574098,0.45,1.3646531105041504,0.4558857347,0.45
+tsp_indep_tket_9,tsp,9,-1,0.795141735,0.6,-1,0.3016270275,0.6,3.777235984802246,0.2971279431,0.6,2.530111074447632,0.4818137687,0.6,-1,-1,-1,2.370059013366699,0.0025353843,0.6,37.35679316520691,0.1688635037,0.6,37.632577657699585,0.657761354,0.6,37.312435150146484,0.795141735,0.6,1.3846142292022705,0.529253429,0.6,1.279332160949707,0.4522166463,0.6,-1,-1,-1,1.3713200092315674,0.0001994647,0.6,1.2069501876831055,0.0551566566,0.6,1.249953031539917,0.5544673996,0.6,1.402353048324585,0.4508959903,0.6
diff --git a/src/mqt/predictor/ml/training_data/trained_model/res_GHZ.csv b/src/mqt/predictor/ml/training_data/trained_model/res_GHZ.csv
new file mode 100644
index 000000000..c5f42d034
--- /dev/null
+++ b/src/mqt/predictor/ml/training_data/trained_model/res_GHZ.csv
@@ -0,0 +1,71 @@
+file_path,benchmark_name,num_qubits,MQTPredictor_expected_fidelity_time,MQTPredictor_expected_fidelity_expected_fidelity,MQTPredictor_expected_fidelity_critical_depth,MQTPredictor_critical_depth_time,MQTPredictor_critical_depth_expected_fidelity,MQTPredictor_critical_depth_critical_depth,qiskit_ibm_washington_time,qiskit_ibm_washington_expected_fidelity,qiskit_ibm_washington_critical_depth,qiskit_ibm_montreal_time,qiskit_ibm_montreal_expected_fidelity,qiskit_ibm_montreal_critical_depth,qiskit_oqc_lucy_time,qiskit_oqc_lucy_expected_fidelity,qiskit_oqc_lucy_critical_depth,qiskit_rigetti_aspen_m2_time,qiskit_rigetti_aspen_m2_expected_fidelity,qiskit_rigetti_aspen_m2_critical_depth,qiskit_ionq_harmony_time,qiskit_ionq_harmony_expected_fidelity,qiskit_ionq_harmony_critical_depth,qiskit_ionq_aria1_time,qiskit_ionq_aria1_expected_fidelity,qiskit_ionq_aria1_critical_depth,qiskit_quantinuum_h2_time,qiskit_quantinuum_h2_expected_fidelity,qiskit_quantinuum_h2_critical_depth,tket_ibm_washington_time,tket_ibm_washington_expected_fidelity,tket_ibm_washington_critical_depth,tket_ibm_montreal_time,tket_ibm_montreal_expected_fidelity,tket_ibm_montreal_critical_depth,tket_oqc_lucy_time,tket_oqc_lucy_expected_fidelity,tket_oqc_lucy_critical_depth,tket_rigetti_aspen_m2_time,tket_rigetti_aspen_m2_expected_fidelity,tket_rigetti_aspen_m2_critical_depth,tket_ionq_harmony_time,tket_ionq_harmony_expected_fidelity,tket_ionq_harmony_critical_depth,tket_ionq_aria1_time,tket_ionq_aria1_expected_fidelity,tket_ionq_aria1_critical_depth,tket_quantinuum_h2_time,tket_quantinuum_h2_expected_fidelity,tket_quantinuum_h2_critical_depth
+ghz_indep_qiskit_9,ghz,9,-1,0.9286149641,0.0,-1,0.653471743,0.0,0.4457237720489502,0.757242533,0.0,0.48350000381469727,0.6825986022,0.0,-1,-1,-1,1.4558279514312744,0.2090489225,0.0,22.99870491027832,0.6729480382,0.0,35.85166096687317,0.9139825023,0.0,36.91637682914734,0.9286149641,0.0,0.33574771881103516,0.7678648995,0.0,0.27324795722961426,0.6981867621,0.0,-1,-1,-1,0.538517951965332,0.1087453877,0.0,0.3094508647918701,0.51107968,0.0,0.299332857131958,0.8763828378,0.0,0.4588918685913086,0.8310073612,0.0
+ghz_indep_tket_90,ghz,90,-1,1.457e-06,0.0281456954,-1,2e-10,0.4527027027,54.508131980895996,0.0308423306,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.1953001022338867,0.0186654502,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ghz_indep_tket_28,ghz,28,-1,0.7825450407,0.0,-1,0.0,0.4315352697,46.509843826293945,0.2894075296,0.0,-1,-1,-1,-1,-1,-1,72.34988212585449,0.0011604036,0.0,-1,-1,-1,-1,-1,-1,30.186613082885742,0.7825450407,0.0,0.8294031620025635,0.2823738904,0.0,-1,-1,-1,-1,-1,-1,0.8820011615753174,4.42977e-05,0.0,-1,-1,-1,-1,-1,-1,0.8762640953063965,0.5366589847,0.0
+ghz_indep_tket_12,ghz,12,-1,0.9038574474,0.0,-1,0.5288333005,0.0,0.605618953704834,0.574380864,0.0,0.34788012504577637,0.6515634006,0.0,-1,-1,-1,5.6179358959198,0.1592257577,0.0,-1,-1,-1,44.01083493232727,0.8836689334,0.0,42.14278793334961,0.9038574474,0.0,0.5164949893951416,0.717963403,0.0,0.43810224533081055,0.6360000207,0.0,-1,-1,-1,0.43369102478027344,0.0502558185,0.0,-1,-1,-1,0.4335291385650635,0.8341981464,0.0,0.4345879554748535,0.7755675672,0.0
+ghz_indep_qiskit_15,ghz,15,-1,0.8797599833,0.0,-1,0.1702397738,0.4337349398,1.4662468433380127,0.528643537,0.0,0.2423839569091797,0.5317553549,0.0,-1,-1,-1,19.02910804748535,0.030589607,0.0,-1,-1,-1,50.53348779678345,0.8543607584,0.0,49.16796088218689,0.8797599833,0.0,0.5518379211425781,0.4776174386,0.0,0.5222020149230957,0.6025023764,0.0,-1,-1,-1,0.6343259811401367,0.0258034764,0.0,-1,-1,-1,0.4066612720489502,0.7940440152,0.0,0.48864316940307617,0.7238263814,0.0
+ghz_indep_qiskit_5,ghz,5,-1,0.9626830542,0.0,-1,0.2272388856,0.0,0.4353139400482178,0.87527228,0.0,0.3628580570220947,0.8795632899,0.0,0.7759947776794434,0.4910021899,0.0,0.30077195167541504,0.4097438145,0.0,0.8022871017456055,0.8203341016,0.0,5.626266241073608,0.956024321,0.0,3.675267219543457,0.9626830542,0.0,0.16539335250854492,0.8647845818,0.0,0.14389991760253906,0.8227553618,0.0,0.13814377784729004,0.3794972777,0.0,0.647219181060791,0.3384438028,0.0,0.14530706405639648,0.7139623218,0.0,0.2284841537475586,0.9359659634,0.0,0.23812603950500488,0.9111401395,0.0
+ghz_indep_qiskit_23,ghz,23,-1,0.818594656,0.0,-1,3.2708e-06,0.0,2.4350640773773193,0.3855864085,0.0,0.09367513656616211,0.3446515098,0.0,-1,-1,-1,20.940719842910767,0.0025605233,0.0,-1,-1,-1,30.612523078918457,0.7808707839,0.0,63.34886193275452,0.818594656,0.0,0.7905921936035156,0.3260630688,0.0,1.8583612442016602,0.2836743317,0.0,-1,-1,-1,0.8897249698638916,4.25446e-05,0.0,-1,-1,-1,0.8128681182861328,0.6961650134,0.0,1.0989677906036377,0.6021071584,0.0
+ghz_indep_tket_24,ghz,24,-1,0.8112542646,0.0,-1,0.0,0.4390243902,19.180953979492188,0.3612714783,0.0,3.65736722946167,0.2926655398,0.0588235294,-1,-1,-1,74.18596196174622,0.0035060233,0.0,-1,-1,-1,20.12148690223694,0.7721406365,0.0,26.830393075942993,0.8112542646,0.0,0.729334831237793,0.3196863082,0.0,1.374035120010376,0.1998060208,0.0779220779,-1,-1,-1,0.7613430023193359,0.0001497501,0.0,-1,-1,-1,0.6982898712158203,0.6848108705,0.0,0.8419878482818604,0.5884081959,0.0
+ghz_indep_qiskit_19,ghz,19,-1,0.8486264319,0.0,-1,7.47583e-05,0.2857142857,2.4823789596557617,0.439990812,0.0,1.5724310874938965,0.5166928982,0.0,-1,-1,-1,61.493963956832886,0.014337874,0.0,-1,-1,-1,54.551185846328735,0.816789664,0.0,7.850572824478149,0.8486264319,0.0,0.556408166885376,0.2612258534,0.0,0.5511019229888916,0.4775782216,0.0,-1,-1,-1,0.6178081035614014,0.001512628,0.0,-1,-1,-1,0.5249190330505371,0.7434955699,0.0,0.6727340221405029,0.6601674376,0.0
+ghz_indep_qiskit_18,ghz,18,-1,0.8563049742,0.0,-1,0.0449849712,0.4031007752,1.8540809154510498,0.4805262312,0.0,0.3289170265197754,0.5259182335,0.0,-1,-1,-1,30.523295879364014,0.0156275609,0.0,-1,-1,-1,56.59032082557678,0.826024632,0.0,56.40376591682434,0.8563049742,0.0,0.5393562316894531,0.2682870414,0.0,0.5402238368988037,0.4873374651,0.0,-1,-1,-1,0.5730328559875488,0.0064180192,0.0,-1,-1,-1,0.4848968982696533,0.7558227033,0.0,0.5663113594055176,0.6755370552,0.0
+ghz_indep_tket_25,ghz,25,-1,0.8039796949,0.0,-1,1e-10,0.4666666667,3.4945507049560547,0.3429452843,0.0,0.1500253677368164,0.3122680102,0.1525423729,-1,-1,-1,30.28242826461792,0.0016948265,0.0,-1,-1,-1,0.1903979778289795,0.7635080923,0.0,42.503856897354126,0.8039796949,0.0,0.8722097873687744,0.3126677896,0.0,1.8484680652618408,0.287415265,0.1111111111,-1,-1,-1,0.9043340682983398,0.0001306356,0.0,-1,-1,-1,0.6973099708557129,0.6736419087,0.0,0.8030209541320801,0.5750209081,0.0
+ghz_indep_qiskit_22,ghz,22,-1,0.8260014648,0.0,-1,0.0,0.4545454545,2.2242591381073,0.3989451831,0.0,1.3384199142456055,0.3665480263,0.0,-1,-1,-1,27.30105495452881,0.0042281607,0.0,-1,-1,-1,35.34176015853882,0.7896996379,0.0,36.45093297958374,0.8260014648,0.0,0.6192848682403564,0.3440468943,0.0,1.2620320320129395,0.3031673706,0.0,-1,-1,-1,0.6802558898925781,0.0001966896,0.0,-1,-1,-1,0.6413938999176025,0.7077074076,0.0,0.6827890872955322,0.6161250518,0.0
+ghz_indep_qiskit_4,ghz,4,-1,0.9713936037,0.0,-1,0.9202736014,0.0,0.025550127029418945,0.8886827238,0.0,0.013483047485351562,0.9008860046,0.0,0.030220746994018555,0.5747547306,0.0,0.04006814956665039,0.5578367272,0.0,0.10971808433532715,0.8619718326,0.0,4.640305995941162,0.9668335347,0.0,10.568780899047852,0.9713936037,0.0,0.20268583297729492,0.8945129678,0.0,0.09191703796386719,0.8415276188,0.0,0.0936269760131836,0.4666624777,0.0,0.13152194023132324,0.6400099817,0.0,0.3375589847564697,0.7761970055,0.0,0.1315021514892578,0.9514842499,0.0,0.14530014991760254,0.9323527513,0.0
+ghz_indep_qiskit_14,ghz,14,-1,0.8877202282,0.0,-1,0.1044780164,0.4029850746,0.2895548343658447,0.5598553745,0.0,0.8055479526519775,0.5589749484,0.0,-1,-1,-1,9.911834001541138,0.0896557342,0.0,-1,-1,-1,26.33992886543274,0.8640205211,0.0,21.881247997283936,0.8877202282,0.0,0.3899509906768799,0.6506758605,0.0,0.35862088203430176,0.6120426698,0.0,-1,-1,-1,0.42118287086486816,0.028348301,0.0,-1,-1,-1,0.3725438117980957,0.8072092402,0.0,0.4256410598754883,0.7406780679,0.0
+ghz_indep_tket_13,ghz,13,-1,0.895752499,0.0,-1,0.0031871658,0.4784482759,3.4113199710845947,0.5658150522,0.0,0.4846971035003662,0.6407158906,0.0,-1,-1,-1,5.4279491901397705,0.036438548,0.0,-1,-1,-1,29.255281925201416,0.8737895012,0.0,6.0022008419036865,0.895752499,0.0,0.3782620429992676,0.6657417059,0.0,0.34285521507263184,0.6224819157,0.0,-1,-1,-1,0.41007089614868164,0.0385094428,0.0,-1,-1,-1,0.3560831546783447,0.8205927442,0.0,0.41814589500427246,0.7579220852,0.0
+ghz_indep_tket_29,ghz,29,-1,0.7755279085,0.0,-1,0.0,0.4479638009,30.57914900779724,0.2545979011,0.0,-1,-1,-1,-1,-1,-1,11.283122777938843,0.0008005349,0.0,-1,-1,-1,-1,-1,-1,13.50458288192749,0.7755279085,0.0,0.8833272457122803,0.2734375927,0.0,-1,-1,-1,-1,-1,-1,0.9296140670776367,3.91317e-05,0.0,-1,-1,-1,-1,-1,-1,0.9545738697052002,0.5244490795,0.0
+ghz_indep_qiskit_8,ghz,8,-1,0.9370172587,0.0,-1,0.6605279196,0.0,2.542618751525879,0.7792118748,0.0,0.609044075012207,0.7033217194,0.0,1.3309009075164795,0.2724111644,0.0,0.1341869831085205,0.097234466,0.0,4.346441030502319,0.7071048889,0.0,4.375268220901489,0.9243163736,0.0,4.398046016693115,0.9370172587,0.0,0.2231900691986084,0.8023891793,0.0,0.20441985130310059,0.7128517472,0.0,0.19995713233947754,0.2503154393,0.0,0.2565281391143799,0.1163321522,0.0,0.18943166732788086,0.555629485,0.0,0.27945899963378906,0.890913238,0.0,0.33182477951049805,0.8503543703,0.0
+ghz_indep_qiskit_80,ghz,80,-1,1.79474e-05,0.1292246521,-1,2.86e-08,0.4668049793,68.08489298820496,0.0531125305,0.0,-1,-1,-1,-1,-1,-1,5.213775157928467,2.79e-08,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,2.555516004562378,0.0410972847,0.0,-1,-1,-1,-1,-1,-1,4.066744089126587,1e-10,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ghz_indep_qiskit_3,ghz,3,-1,0.980182968,0.0,-1,0.8900849387,0.0,0.02223491668701172,0.9052192135,0.0,0.012907028198242188,0.9369256008,0.0,0.023549318313598633,0.6986480316,0.0,0.03036022186279297,0.6403498427,0.0,0.022001028060913086,0.9057229717,0.0,0.21037697792053223,0.977764962,0.0,0.3558320999145508,0.980182968,0.0,0.10695290565490723,0.9163206872,0.0,0.09156203269958496,0.9351813979,0.0,0.08052515983581543,0.5905576747,0.0,0.23460912704467773,0.7049133559,0.0,0.20535707473754883,0.8438565636,0.0,0.3273582458496094,0.9672598291,0.0,0.16294503211975098,0.9540592222,0.0
+ghz_indep_tket_7,ghz,7,-1,0.9454955789,0.0,-1,0.803333098,0.0,1.4485399723052979,0.58823843,0.0,0.02110886573791504,0.8068380206,0.0,0.039214134216308594,0.3147512692,0.0,0.08805513381958008,0.1509210987,0.0,3.932896137237549,0.7429954403,0.0,4.562765836715698,0.9347670839,0.0,4.118013858795166,0.9454955789,0.0,0.21821212768554688,0.8141898677,0.0,0.2093048095703125,0.7336130034,0.0,0.22302484512329102,0.3020880175,0.0,0.23703908920288086,0.1416040009,0.0,0.23271918296813965,0.6040626085,0.0,0.2945897579193115,0.9056845517,0.0,0.3791220188140869,0.8701518046,0.0
+ghz_indep_qiskit_25,ghz,25,-1,0.8039796949,0.0,-1,1.6e-09,0.3921568627,3.5104217529296875,0.3429452843,0.0,0.49918699264526367,0.3122680102,0.1525423729,-1,-1,-1,31.912703275680542,0.0016948265,0.0,-1,-1,-1,0.6737031936645508,0.7635080923,0.0,38.751402854919434,0.8039796949,0.0,0.8686041831970215,0.3126677896,0.0,1.8032150268554688,0.287415265,0.1111111111,-1,-1,-1,0.7936010360717773,0.0001306356,0.0,-1,-1,-1,0.6919159889221191,0.6736419087,0.0,0.7912917137145996,0.5750209081,0.0
+ghz_indep_tket_22,ghz,22,-1,0.8260014648,0.0,-1,4.99e-08,0.4149659864,7.335264205932617,0.3989451831,0.0,3.081658124923706,0.3665480263,0.0,-1,-1,-1,38.83573508262634,0.0042281607,0.0,-1,-1,-1,17.67112922668457,0.7896996379,0.0,23.77479887008667,0.8260014648,0.0,0.6296291351318359,0.3440468943,0.0,1.2353143692016602,0.3031673706,0.0,-1,-1,-1,1.0658392906188965,0.0001966896,0.0,-1,-1,-1,1.2344789505004883,0.7077074076,0.0,1.1628670692443848,0.6161250518,0.0
+ghz_indep_tket_18,ghz,18,-1,0.8563049742,0.0,-1,0.0087886848,0.4308510638,1.708669900894165,0.4805262312,0.0,0.4849560260772705,0.5259182335,0.0,-1,-1,-1,33.505282163619995,0.0156275609,0.0,-1,-1,-1,27.301514863967896,0.826024632,0.0,7.605700969696045,0.8563049742,0.0,0.627007007598877,0.2682870414,0.0,0.482774019241333,0.4873374651,0.0,-1,-1,-1,0.5479118824005127,0.0064180192,0.0,-1,-1,-1,0.49985289573669434,0.7558227033,0.0,0.5761518478393555,0.6755370552,0.0
+ghz_indep_tket_80,ghz,80,-1,1.58e-06,0.4260089686,-1,6.04e-08,0.4636929461,98.35150909423828,0.0531125305,0.0,-1,-1,-1,-1,-1,-1,5.80112886428833,2.79e-08,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,2.5352180004119873,0.0410972847,0.0,-1,-1,-1,-1,-1,-1,3.7276389598846436,1e-10,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ghz_indep_qiskit_29,ghz,29,-1,0.7755279085,0.0,-1,0.0,0.3586206897,37.370235204696655,0.2545979011,0.0,-1,-1,-1,-1,-1,-1,26.952881813049316,0.0008005349,0.0,-1,-1,-1,-1,-1,-1,17.676472187042236,0.7755279085,0.0,0.8905401229858398,0.2734375927,0.0,-1,-1,-1,-1,-1,-1,0.9855949878692627,3.91317e-05,0.0,-1,-1,-1,-1,-1,-1,0.9383938312530518,0.5244490795,0.0
+ghz_indep_tket_14,ghz,14,-1,0.8877202282,0.0,-1,0.0022929454,0.4481327801,1.1148760318756104,0.5598553745,0.0,0.9392068386077881,0.5589749484,0.0,-1,-1,-1,12.823416948318481,0.0896557342,0.0,-1,-1,-1,9.071810960769653,0.8640205211,0.0,12.60185194015503,0.8877202282,0.0,0.3955109119415283,0.6506758605,0.0,0.3672609329223633,0.6120426698,0.0,-1,-1,-1,0.47246885299682617,0.028348301,0.0,-1,-1,-1,0.3754560947418213,0.8072092402,0.0,0.5200991630554199,0.7406780679,0.0
+ghz_indep_qiskit_13,ghz,13,-1,0.895752499,0.0,-1,0.1098603611,0.3913043478,1.0917072296142578,0.5658150522,0.0,1.524580955505371,0.6407158906,0.0,-1,-1,-1,6.066052675247192,0.036438548,0.0,-1,-1,-1,11.021247863769531,0.8737895012,0.0,13.20603084564209,0.895752499,0.0,0.3789520263671875,0.6657417059,0.0,0.34773993492126465,0.6224819157,0.0,-1,-1,-1,0.4144468307495117,0.0385094428,0.0,-1,-1,-1,0.37569713592529297,0.8205927442,0.0,0.5074210166931152,0.7579220852,0.0
+ghz_indep_qiskit_12,ghz,12,-1,0.9038574474,0.0,-1,0.5288333005,0.0,1.1051149368286133,0.574380864,0.0,0.46077585220336914,0.6515634006,0.0,-1,-1,-1,4.565821886062622,0.1592257577,0.0,-1,-1,-1,12.160117864608765,0.8836689334,0.0,17.14552879333496,0.9038574474,0.0,0.35100388526916504,0.717963403,0.0,0.3120427131652832,0.6360000207,0.0,-1,-1,-1,0.6909499168395996,0.0502558185,0.0,-1,-1,-1,0.3239922523498535,0.8341981464,0.0,0.9132819175720215,0.7755675672,0.0
+ghz_indep_tket_15,ghz,15,-1,0.8797599833,0.0,-1,0.0865950296,0.3157894737,0.28342390060424805,0.528643537,0.0,0.030488014221191406,0.5317553549,0.0,-1,-1,-1,3.3984339237213135,0.030589607,0.0,-1,-1,-1,7.692107915878296,0.8543607584,0.0,6.537938833236694,0.8797599833,0.0,0.48583412170410156,0.4776174386,0.0,0.4413187503814697,0.6025023764,0.0,-1,-1,-1,0.9125528335571289,0.0258034764,0.0,-1,-1,-1,0.500432014465332,0.7940440152,0.0,1.109083890914917,0.7238263814,0.0
+ghz_indep_qiskit_90,ghz,90,-1,1.49e-08,0.4325221239,-1,2e-10,0.4619205298,35.22618389129639,0.0308423306,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,3.174941062927246,0.0186654502,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ghz_indep_qiskit_28,ghz,28,-1,0.7825450407,0.0,-1,8.449e-07,0.0,14.538806200027466,0.2894075296,0.0,-1,-1,-1,-1,-1,-1,51.367071866989136,0.0011604036,0.0,-1,-1,-1,-1,-1,-1,24.942918062210083,0.7825450407,0.0,0.8004209995269775,0.2823738904,0.0,-1,-1,-1,-1,-1,-1,0.902681827545166,4.42977e-05,0.0,-1,-1,-1,-1,-1,-1,0.8934121131896973,0.5366589847,0.0
+ghz_indep_tket_19,ghz,19,-1,0.8486264319,0.0,-1,0.0,0.4554455446,6.4280829429626465,0.439990812,0.0,0.3929460048675537,0.5166928982,0.0,-1,-1,-1,32.34414601325989,0.014337874,0.0,-1,-1,-1,20.32427477836609,0.816789664,0.0,12.689332962036133,0.8486264319,0.0,0.5909309387207031,0.2612258534,0.0,0.5867800712585449,0.4775782216,0.0,-1,-1,-1,0.6100239753723145,0.001512628,0.0,-1,-1,-1,0.5351338386535645,0.7434955699,0.0,0.6050081253051758,0.6601674376,0.0
+ghz_indep_tket_23,ghz,23,-1,0.818594656,0.0,-1,1e-10,0.3931034483,3.4106340408325195,0.3855864085,0.0,0.6213381290435791,0.3446515098,0.0,-1,-1,-1,46.30033087730408,0.0025605233,0.0,-1,-1,-1,13.363436937332153,0.7808707839,0.0,8.96982192993164,0.818594656,0.0,0.7076010704040527,0.3260630688,0.0,1.6720807552337646,0.2836743317,0.0,-1,-1,-1,0.7323818206787109,4.25446e-05,0.0,-1,-1,-1,0.6468639373779297,0.6961650134,0.0,0.7443108558654785,0.6021071584,0.0
+ghz_indep_qiskit_24,ghz,24,-1,0.8112542646,0.0,-1,0.0,0.4488778055,17.250025033950806,0.3612714783,0.0,2.8922770023345947,0.2926655398,0.0588235294,-1,-1,-1,21.291287899017334,0.0035060233,0.0,-1,-1,-1,23.001889944076538,0.7721406365,0.0,9.239319086074829,0.8112542646,0.0,0.699437141418457,0.3196863082,0.0,1.3704321384429932,0.1998060208,0.0779220779,-1,-1,-1,0.7516529560089111,0.0001497501,0.0,-1,-1,-1,0.6610958576202393,0.6848108705,0.0,1.1248672008514404,0.5884081959,0.0
+ghz_indep_tket_6,ghz,6,-1,0.9540506127,0.0,-1,0.4733813897,0.0,0.07920479774475098,0.8582598,0.0,0.15844297409057617,0.8212437755,0.0,1.5134708881378174,0.378949643,0.0,0.5415999889373779,0.3287613141,0.0,19.078651189804077,0.7807076898,0.0,15.619247913360596,0.9453359544,0.0,9.198162078857422,0.9540506127,0.0,0.19332122802734375,0.8337568618,0.0,0.14092302322387695,0.7687568315,0.0,0.13526177406311035,0.3442143123,0.0,0.16996479034423828,0.2178108218,0.0,0.134490966796875,0.6567175515,0.0,0.18168187141418457,0.9207007733,0.0,0.25952696800231934,0.8904101508,0.0
+ghz_indep_qiskit_2,ghz,2,-1,0.9890518602,0.0,-1,0.9663620251,0.0,0.019566059112548828,0.9569614219,0.0,0.009910106658935547,0.9451842582,0.0,0.06618499755859375,0.8538801855,0.0,0.02289724349975586,0.5953072816,0.0,0.010795116424560547,0.9516947892,0.0,0.019875049591064453,0.9888199846,0.0,0.024904966354370117,0.9890518602,0.0,0.054419755935668945,0.9372896691,0.0,0.02405095100402832,0.9346289213,0.0,0.021207094192504883,0.6987311033,0.0,0.04189610481262207,0.7696699883,0.0,0.023729801177978516,0.9174138715,0.0,0.06458902359008789,0.9832969669,0.0,0.054747819900512695,0.9762710499,0.0
+ghz_indep_tket_20,ghz,20,-1,0.8410167436,0.0,-1,1.45e-08,0.3555555556,1.117898941040039,0.4164753197,0.0,0.03164410591125488,0.48828436,0.0,-1,-1,-1,10.93393611907959,0.0173368413,0.0,-1,-1,-1,8.098588943481445,0.807657943,0.0,8.126708030700684,0.8410167436,0.0,0.5811741352081299,0.4061385945,0.0,0.5330159664154053,0.4539367096,0.0,-1,-1,-1,0.6372768878936768,0.0012870996,0.0,-1,-1,-1,0.551077127456665,0.7313694866,0.0,0.8089847564697266,0.645147505,0.0
+ghz_indep_qiskit_70,ghz,70,-1,0.0,0.4952727273,-1,0.0,0.4696569921,58.59254288673401,0.0377032421,0.0,-1,-1,-1,-1,-1,-1,37.894572734832764,1.557e-07,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,2.1562159061431885,0.0203382407,0.0,-1,-1,-1,-1,-1,-1,2.5026090145111084,5e-10,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ghz_indep_qiskit_27,ghz,27,-1,0.7896256653,0.0,-1,3e-10,0.4090909091,9.42116403579712,0.3141096745,0.0,0.09851980209350586,0.2846899925,0.0,-1,-1,-1,11.38270902633667,0.0014729035,0.0,-1,-1,-1,-1,-1,-1,10.145493984222412,0.7896256653,0.0,0.8174116611480713,0.288050714,0.0,2.405587911605835,0.2565514272,0.0483870968,-1,-1,-1,0.8771581649780273,6.80802e-05,0.0,-1,-1,-1,-1,-1,-1,0.8786873817443848,0.5491531535,0.0
+ghz_indep_tket_5,ghz,5,-1,0.9626830542,0.0,-1,0.0004573337,0.3913043478,0.21888089179992676,0.87527228,0.0,0.013691902160644531,0.8795632899,0.0,0.03989577293395996,0.4910021899,0.0,0.05973076820373535,0.4097438145,0.0,0.7409348487854004,0.8203341016,0.0,3.362215042114258,0.956024321,0.0,3.569010019302368,0.9626830542,0.0,0.15043187141418457,0.8647845818,0.0,0.6060941219329834,0.8227553618,0.0,0.1321399211883545,0.3794972777,0.0,0.26445794105529785,0.3384438028,0.0,0.12604904174804688,0.7139623218,0.0,0.13936400413513184,0.9359659634,0.0,0.8054499626159668,0.9111401395,0.0
+ghz_indep_qiskit_11,ghz,11,-1,0.9120357311,0.0,-1,0.1167664439,0.4736842105,0.2872321605682373,0.687340312,0.0,0.02474498748779297,0.753645231,0.0,-1,-1,-1,1.2947919368743896,0.1754933918,0.0,0.0323178768157959,0.609504497,0.0,12.115333795547485,0.8936600667,0.0,21.716728925704956,0.9120357311,0.0,0.4637770652770996,0.7114299644,0.0,0.32157301902770996,0.6607167066,0.0,-1,-1,-1,0.3370809555053711,0.0617298031,0.0,0.30165886878967285,0.4324095477,0.0,0.37805700302124023,0.8480291256,0.0,0.36980605125427246,0.7936238605,0.0
+ghz_indep_tket_16,ghz,16,-1,0.8718711184,0.0,-1,0.0386645888,0.3783783784,1.1915748119354248,0.5003202841,0.0,0.10942506790161133,0.5227478001,0.0,-1,-1,-1,23.268949031829834,0.0533145392,0.0,-1,-1,-1,28.12800097465515,0.844808992,0.0,35.976017236709595,0.8718711184,0.0,0.9159550666809082,0.3807657009,0.0,0.43377113342285156,0.5785845596,0.0,-1,-1,-1,0.48523378372192383,0.0194405358,0.0,-1,-1,-1,0.43734216690063477,0.7810935091,0.0,0.6265237331390381,0.7073580995,0.0
+ghz_indep_qiskit_50,ghz,50,-1,5.6747e-06,0.449725777,-1,0.0,0.4273127753,58.71120476722717,0.1438376541,0.0,-1,-1,-1,-1,-1,-1,43.422255754470825,1.29924e-05,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,2.7848100662231445,0.1133961078,0.0,-1,-1,-1,-1,-1,-1,2.122075080871582,5.487e-07,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ghz_indep_tket_9,ghz,9,-1,0.9286149641,0.0,-1,0.653471743,0.0,0.2641580104827881,0.757242533,0.0,0.2897369861602783,0.6825986022,0.0,-1,-1,-1,1.3931350708007812,0.2090489225,0.0,18.09169578552246,0.6729480382,0.0,28.828248977661133,0.9139825023,0.0,24.402803897857666,0.9286149641,0.0,0.3661000728607178,0.7678648995,0.0,0.24258804321289062,0.6981867621,0.0,-1,-1,-1,0.284257173538208,0.1087453877,0.0,0.24422001838684082,0.51107968,0.0,0.6917049884796143,0.8763828378,0.0,0.37233400344848633,0.8310073612,0.0
+ghz_indep_tket_8,ghz,8,-1,0.9370172587,0.0,-1,0.6623946388,0.0,0.5089931488037109,0.7792118748,0.0,0.23298287391662598,0.7033217194,0.0,1.8322830200195312,0.2724111644,0.0,0.1304628849029541,0.097234466,0.0,26.242297172546387,0.7071048889,0.0,22.31392812728882,0.9243163736,0.0,7.0589869022369385,0.9370172587,0.0,0.22715115547180176,0.8023891793,0.0,0.19908905029296875,0.7128517472,0.0,0.19971084594726562,0.2503154393,0.0,0.28898167610168457,0.1163321522,0.0,0.23855996131896973,0.555629485,0.0,0.23572087287902832,0.890913238,0.0,0.262253999710083,0.8503543703,0.0
+ghz_indep_tket_17,ghz,17,-1,0.8640529935,0.0,-1,0.0835433886,0.375,3.3113908767700195,0.4917645685,0.0,3.0474531650543213,0.5140448681,0.0,-1,-1,-1,30.34625482559204,0.0242560973,0.0,-1,-1,-1,35.976917028427124,0.8353640145,0.0,30.496788263320923,0.8640529935,0.0,0.563258171081543,0.3211515524,0.0,0.47579383850097656,0.5175392973,0.0,-1,-1,-1,0.6008329391479492,0.0112597513,0.0,-1,-1,-1,0.6792900562286377,0.7683542201,0.0,0.8311128616333008,0.6912644989,0.0
+ghz_indep_tket_40,ghz,40,-1,0.0029176591,0.3582089552,-1,0.0,0.4909090909,14.898562908172607,0.282897784,0.0,-1,-1,-1,-1,-1,-1,18.86470603942871,0.0001021152,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,2.7020108699798584,0.1957069705,0.0,-1,-1,-1,-1,-1,-1,1.368525743484497,2.197e-07,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ghz_indep_qiskit_10,ghz,10,-1,0.9202880134,0.0,-1,0.183095333,0.4090909091,0.5021920204162598,0.7044452019,0.0,0.2907531261444092,0.7671012509,0.0,-1,-1,-1,0.3253192901611328,0.192004966,0.0,29.558243989944458,0.6404411413,0.0,24.267313957214355,0.9037641639,0.0,12.536363124847412,0.9202880134,0.0,0.2818920612335205,0.748234416,0.0,0.448746919631958,0.6761860928,0.0,-1,-1,-1,0.3081526756286621,0.0816530415,0.0,0.2976188659667969,0.4701018328,0.0,0.32337403297424316,0.8620894221,0.0,0.33602118492126465,0.8121005296,0.0
+ghz_indep_qiskit_30,ghz,30,-1,0.7685736994,0.0,-1,0.0,0.0,38.81930232048035,0.2486362974,0.0,-1,-1,-1,-1,-1,-1,35.619423151016235,0.0005960292,0.0,-1,-1,-1,-1,-1,-1,23.94782590866089,0.7685736994,0.0,0.8720479011535645,0.2695361334,0.0,-1,-1,-1,-1,-1,-1,1.0486280918121338,2.9187e-05,0.0,-1,-1,-1,-1,-1,-1,0.9861009120941162,0.5125169705,0.0
+ghz_indep_tket_4,ghz,4,-1,0.9713936037,0.0,-1,0.8938413911,0.0,0.4174058437347412,0.8886827238,0.0,0.997183084487915,0.9008860046,0.0,0.047254085540771484,0.5747547306,0.0,0.03577280044555664,0.5578367272,0.0,0.11339735984802246,0.8619718326,0.0,22.708863973617554,0.9668335347,0.0,10.30822229385376,0.9713936037,0.0,0.12598824501037598,0.8945129678,0.0,0.0826869010925293,0.8415276188,0.0,0.7749209403991699,0.4666624777,0.0,0.10613203048706055,0.6400099817,0.0,0.08336424827575684,0.7761970055,0.0,0.09679317474365234,0.9514842499,0.0,0.11911296844482422,0.9323527513,0.0
+ghz_indep_tket_60,ghz,60,-1,5.0149e-06,0.0,-1,0.0,0.4699029126,249.3824462890625,0.1319701455,0.0,-1,-1,-1,-1,-1,-1,49.97502326965332,3.1088e-06,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,1.870650291442871,0.0655033361,0.0,-1,-1,-1,-1,-1,-1,2.048123836517334,4e-09,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ghz_indep_qiskit_26,ghz,26,-1,0.7967703568,0.0,-1,0.0,0.4777517564,30.312323808670044,0.3367980748,0.0,4.620943069458008,0.3138322321,0.0,-1,-1,-1,69.45200204849243,0.0015555679,0.0,-1,-1,-1,-1,-1,-1,18.676201820373535,0.7967703568,0.0,1.2020201683044434,0.3052336621,0.0,1.9697470664978027,0.2051238063,0.1463414634,-1,-1,-1,0.8610198497772217,0.0001158822,0.0,-1,-1,-1,-1,-1,-1,0.9975278377532959,0.5619382039,0.0
+ghz_indep_tket_21,ghz,21,-1,0.8334752918,0.0,-1,5.784e-07,0.4903846154,3.207396984100342,0.4565763984,0.0,0.5216000080108643,0.4801551903,0.0,-1,-1,-1,47.187438011169434,0.015528276,0.0,-1,-1,-1,65.62262463569641,0.7986283148,0.0,62.94452095031738,0.8334752918,0.0,0.6071979999542236,0.3551920047,0.0,0.5752618312835693,0.4452309211,0.0,-1,-1,-1,1.0506598949432373,0.0010313884,0.0,-1,-1,-1,0.6564249992370605,0.7194411744,0.0,0.7859869003295898,0.6304693013,0.0
+ghz_indep_qiskit_17,ghz,17,-1,0.8640529935,0.0,-1,0.0497903292,0.3962264151,2.466702938079834,0.4917645685,0.0,0.31920504570007324,0.5140448681,0.0,-1,-1,-1,43.37928485870361,0.0242560973,0.0,-1,-1,-1,60.3067090511322,0.8353640145,0.0,55.04890966415405,0.8640529935,0.0,0.6523430347442627,0.3211515524,0.0,0.557063102722168,0.5175392973,0.0,-1,-1,-1,0.6778779029846191,0.0112597513,0.0,-1,-1,-1,0.4643220901489258,0.7683542201,0.0,0.5707211494445801,0.6912644989,0.0
+ghz_indep_qiskit_40,ghz,40,-1,0.027631649,0.0172413793,-1,0.0,0.4465408805,74.25572681427002,0.282897784,0.0,-1,-1,-1,-1,-1,-1,14.747305870056152,0.0001021152,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,1.1949787139892578,0.1957069705,0.0,-1,-1,-1,-1,-1,-1,1.3837659358978271,2.197e-07,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ghz_indep_tket_10,ghz,10,-1,0.9202880134,0.0,-1,0.183095333,0.4090909091,0.48702096939086914,0.7044452019,0.0,0.6439790725708008,0.7671012509,0.0,-1,-1,-1,1.8721389770507812,0.192004966,0.0,30.811517000198364,0.6404411413,0.0,40.042518854141235,0.9037641639,0.0,40.77982997894287,0.9202880134,0.0,0.37889623641967773,0.748234416,0.0,0.33272314071655273,0.6761860928,0.0,-1,-1,-1,0.48993420600891113,0.0816530415,0.0,0.29594993591308594,0.4701018328,0.0,0.44303178787231445,0.8620894221,0.0,0.576179027557373,0.8121005296,0.0
+ghz_indep_tket_26,ghz,26,-1,0.7967703568,0.0,-1,1.35e-08,0.3608247423,24.046948194503784,0.3367980748,0.0,3.481362819671631,0.3138322321,0.0,-1,-1,-1,81.93400502204895,0.0015555679,0.0,-1,-1,-1,-1,-1,-1,67.98134803771973,0.7967703568,0.0,0.8130471706390381,0.3052336621,0.0,1.9921510219573975,0.2051238063,0.1463414634,-1,-1,-1,0.8823459148406982,0.0001158822,0.0,-1,-1,-1,-1,-1,-1,0.8634128570556641,0.5619382039,0.0
+ghz_indep_qiskit_21,ghz,21,-1,0.8334752918,0.0,-1,9.16022e-05,0.0,8.526052236557007,0.4565763984,0.0,0.5597820281982422,0.4801551903,0.0,-1,-1,-1,70.78665399551392,0.015528276,0.0,-1,-1,-1,62.03017592430115,0.7986283148,0.0,20.57566475868225,0.8334752918,0.0,0.6652660369873047,0.3551920047,0.0,0.6212286949157715,0.4452309211,0.0,-1,-1,-1,0.6989879608154297,0.0010313884,0.0,-1,-1,-1,0.7650790214538574,0.7194411744,0.0,0.8139300346374512,0.6304693013,0.0
+ghz_indep_tket_3,ghz,3,-1,0.980182968,0.0,-1,0.9422767861,0.0,0.2394399642944336,0.9052192135,0.0,0.2838151454925537,0.9369256008,0.0,1.5519912242889404,0.6986480316,0.0,0.3340590000152588,0.6403498427,0.0,3.5360569953918457,0.9057229717,0.0,1.976654052734375,0.977764962,0.0,3.5772581100463867,0.980182968,0.0,0.2535400390625,0.9163206872,0.0,0.10590481758117676,0.9351813979,0.0,0.10599899291992188,0.5905576747,0.0,0.27066874504089355,0.7049133559,0.0,0.14106202125549316,0.8438565636,0.0,0.25664687156677246,0.9672598291,0.0,0.4393332004547119,0.9540592222,0.0
+ghz_indep_qiskit_7,ghz,7,-1,0.9454955789,0.0,-1,0.8030171353,0.0,0.3627288341522217,0.58823843,0.0,0.6513590812683105,0.8068380206,0.0,2.4897079467773438,0.3147512692,0.0,0.6476490497589111,0.1509210987,0.0,22.142369747161865,0.7429954403,0.0,31.390631914138794,0.9347670839,0.0,29.07734704017639,0.9454955789,0.0,0.2884562015533447,0.8141898677,0.0,0.2855520248413086,0.7336130034,0.0,0.21552705764770508,0.3020880175,0.0,0.36634206771850586,0.1416040009,0.0,0.19481992721557617,0.6040626085,0.0,0.28978896141052246,0.9056845517,0.0,0.9632248878479004,0.8701518046,0.0
+ghz_indep_tket_30,ghz,30,-1,0.7685736994,0.0,-1,4e-10,0.0,17.963940143585205,0.2486362974,0.0,-1,-1,-1,-1,-1,-1,18.586599111557007,0.0005960292,0.0,-1,-1,-1,-1,-1,-1,50.66330599784851,0.7685736994,0.0,0.9801290035247803,0.2695361334,0.0,-1,-1,-1,-1,-1,-1,1.0785508155822754,2.9187e-05,0.0,-1,-1,-1,-1,-1,-1,0.9617209434509277,0.5125169705,0.0
+ghz_indep_qiskit_60,ghz,60,-1,0.001053608,0.0,-1,0.0,0.4547770701,219.91449689865112,0.1319701455,0.0,-1,-1,-1,-1,-1,-1,158.69014883041382,3.1088e-06,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,1.855097770690918,0.0655033361,0.0,-1,-1,-1,-1,-1,-1,2.0263731479644775,4e-09,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ghz_indep_qiskit_6,ghz,6,-1,0.9540506127,0.0,-1,0.4733813897,0.0,0.1384880542755127,0.8582598,0.0,0.13895773887634277,0.8212437755,0.0,2.7511439323425293,0.378949643,0.0,0.42139697074890137,0.3287613141,0.0,17.652101039886475,0.7807076898,0.0,16.270458936691284,0.9453359544,0.0,13.345922231674194,0.9540506127,0.0,0.21522092819213867,0.8337568618,0.0,0.16613292694091797,0.7687568315,0.0,0.14594507217407227,0.3442143123,0.0,0.2382359504699707,0.2178108218,0.0,0.1462421417236328,0.6567175515,0.0,0.19625306129455566,0.9207007733,0.0,0.2213146686553955,0.8904101508,0.0
+ghz_indep_tket_2,ghz,2,-1,0.9890518602,0.0,-1,0.9663620251,0.0,0.14385294914245605,0.9569614219,0.0,0.15895891189575195,0.9451842582,0.0,0.46231603622436523,0.8538801855,0.0,0.46508312225341797,0.5953072816,0.0,0.19759893417358398,0.9516947892,0.0,0.7724909782409668,0.9888199846,0.0,0.05513811111450195,0.9890518602,0.0,0.24077892303466797,0.9372896691,0.0,0.029822111129760742,0.9346289213,0.0,0.10738778114318848,0.6987311033,0.0,0.10691308975219727,0.7696699883,0.0,0.07299518585205078,0.9174138715,0.0,0.255145788192749,0.9832969669,0.0,0.19973230361938477,0.9762710499,0.0
+ghz_indep_qiskit_20,ghz,20,-1,0.8410167436,0.0,-1,0.0,0.4657039711,3.404294013977051,0.4164753197,0.0,0.5226180553436279,0.48828436,0.0,-1,-1,-1,45.0600049495697,0.0173368413,0.0,-1,-1,-1,46.438364028930664,0.807657943,0.0,35.484387159347534,0.8410167436,0.0,0.6718490123748779,0.4061385945,0.0,0.5961129665374756,0.4539367096,0.0,-1,-1,-1,0.6836211681365967,0.0012870996,0.0,-1,-1,-1,0.6775531768798828,0.7313694866,0.0,0.7386312484741211,0.645147505,0.0
+ghz_indep_tket_70,ghz,70,-1,2.42166e-05,0.0266075388,-1,0.0,0.4173998045,173.6547451019287,0.0377032421,0.0,-1,-1,-1,-1,-1,-1,62.11665177345276,1.557e-07,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,2.1419129371643066,0.0203382407,0.0,-1,-1,-1,-1,-1,-1,2.5101478099823,5e-10,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ghz_indep_tket_27,ghz,27,-1,0.7896256653,0.0,-1,0.0,0.458677686,31.220130920410156,0.3141096745,0.0,1.8231987953186035,0.2846899925,0.0,-1,-1,-1,56.25185489654541,0.0014729035,0.0,-1,-1,-1,-1,-1,-1,43.38505005836487,0.7896256653,0.0,0.8656790256500244,0.288050714,0.0,2.37599515914917,0.2565514272,0.0483870968,-1,-1,-1,0.9466629028320312,6.80802e-05,0.0,-1,-1,-1,-1,-1,-1,0.9448192119598389,0.5491531535,0.0
+ghz_indep_tket_50,ghz,50,-1,0.0009333262,0.0600706714,-1,0.0,0.4486486486,116.54977297782898,0.1438376541,0.0,-1,-1,-1,-1,-1,-1,79.87804102897644,1.29924e-05,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1,1.4579169750213623,0.1133961078,0.0,-1,-1,-1,-1,-1,-1,1.617940902709961,5.487e-07,0.0,-1,-1,-1,-1,-1,-1,-1,-1,-1
+ghz_indep_tket_11,ghz,11,-1,0.9120357311,0.0,-1,0.1583389377,0.4029850746,0.6571078300476074,0.687340312,0.0,0.6533927917480469,0.753645231,0.0,-1,-1,-1,2.9034857749938965,0.1754933918,0.0,0.38907527923583984,0.609504497,0.0,32.76772975921631,0.8936600667,0.0,27.28949499130249,0.9120357311,0.0,0.49712300300598145,0.7114299644,0.0,0.3600010871887207,0.6607167066,0.0,-1,-1,-1,0.381817102432251,0.0617298031,0.0,0.2984309196472168,0.4324095477,0.0,0.3883931636810303,0.8480291256,0.0,0.4543170928955078,0.7936238605,0.0
+ghz_indep_qiskit_16,ghz,16,-1,0.8718711184,0.0,-1,0.0646970453,0.4285714286,2.0538251399993896,0.5003202841,0.0,0.2976698875427246,0.5227478001,0.0,-1,-1,-1,32.78341794013977,0.0533145392,0.0,-1,-1,-1,41.35559701919556,0.844808992,0.0,32.25247406959534,0.8718711184,0.0,0.48841118812561035,0.3807657009,0.0,0.4621288776397705,0.5785845596,0.0,-1,-1,-1,0.6412169933319092,0.0194405358,0.0,-1,-1,-1,0.5123639106750488,0.7810935091,0.0,0.6251389980316162,0.7073580995,0.0
diff --git a/src/mqt/predictor/ml/training_data/trained_model/trained_clf.joblib b/src/mqt/predictor/ml/training_data/trained_model/trained_clf.joblib
deleted file mode 100644
index 9350eb33c..000000000
Binary files a/src/mqt/predictor/ml/training_data/trained_model/trained_clf.joblib and /dev/null differ
diff --git a/src/mqt/predictor/ml/training_data/trained_model/trained_clf_critical_depth.joblib b/src/mqt/predictor/ml/training_data/trained_model/trained_clf_critical_depth.joblib
new file mode 100644
index 000000000..a2ff7dea3
Binary files /dev/null and b/src/mqt/predictor/ml/training_data/trained_model/trained_clf_critical_depth.joblib differ
diff --git a/src/mqt/predictor/ml/training_data/trained_model/trained_clf_expected_fidelity.joblib b/src/mqt/predictor/ml/training_data/trained_model/trained_clf_expected_fidelity.joblib
new file mode 100644
index 000000000..441fbd6cc
Binary files /dev/null and b/src/mqt/predictor/ml/training_data/trained_model/trained_clf_expected_fidelity.joblib differ
diff --git a/src/mqt/predictor/ml/training_data/training_circuits/mqtbench_training_samples.zip b/src/mqt/predictor/ml/training_data/training_circuits/mqtbench_training_samples.zip
deleted file mode 100644
index 4f5e16745..000000000
Binary files a/src/mqt/predictor/ml/training_data/training_circuits/mqtbench_training_samples.zip and /dev/null differ
diff --git a/src/mqt/predictor/ml/training_data/training_circuits/training_data_device_selection.zip b/src/mqt/predictor/ml/training_data/training_circuits/training_data_device_selection.zip
new file mode 100644
index 000000000..64969f897
Binary files /dev/null and b/src/mqt/predictor/ml/training_data/training_circuits/training_data_device_selection.zip differ
diff --git a/src/mqt/predictor/ml/training_data/training_data_aggregated/names_list.npy b/src/mqt/predictor/ml/training_data/training_data_aggregated/names_list.npy
deleted file mode 100644
index 26357899f..000000000
Binary files a/src/mqt/predictor/ml/training_data/training_data_aggregated/names_list.npy and /dev/null differ
diff --git a/src/mqt/predictor/ml/training_data/training_data_aggregated/names_list_critical_depth.npy b/src/mqt/predictor/ml/training_data/training_data_aggregated/names_list_critical_depth.npy
new file mode 100644
index 000000000..3770097ca
Binary files /dev/null and b/src/mqt/predictor/ml/training_data/training_data_aggregated/names_list_critical_depth.npy differ
diff --git a/src/mqt/predictor/ml/training_data/training_data_aggregated/names_list_expected_fidelity.npy b/src/mqt/predictor/ml/training_data/training_data_aggregated/names_list_expected_fidelity.npy
new file mode 100644
index 000000000..f80c721f9
Binary files /dev/null and b/src/mqt/predictor/ml/training_data/training_data_aggregated/names_list_expected_fidelity.npy differ
diff --git a/src/mqt/predictor/ml/training_data/training_data_aggregated/scores_list.npy b/src/mqt/predictor/ml/training_data/training_data_aggregated/scores_list.npy
deleted file mode 100644
index 14a596cf8..000000000
Binary files a/src/mqt/predictor/ml/training_data/training_data_aggregated/scores_list.npy and /dev/null differ
diff --git a/src/mqt/predictor/ml/training_data/training_data_aggregated/scores_list_critical_depth.npy b/src/mqt/predictor/ml/training_data/training_data_aggregated/scores_list_critical_depth.npy
new file mode 100644
index 000000000..42d34dd8a
Binary files /dev/null and b/src/mqt/predictor/ml/training_data/training_data_aggregated/scores_list_critical_depth.npy differ
diff --git a/src/mqt/predictor/ml/training_data/training_data_aggregated/scores_list_expected_fidelity.npy b/src/mqt/predictor/ml/training_data/training_data_aggregated/scores_list_expected_fidelity.npy
new file mode 100644
index 000000000..edb4046a3
Binary files /dev/null and b/src/mqt/predictor/ml/training_data/training_data_aggregated/scores_list_expected_fidelity.npy differ
diff --git a/src/mqt/predictor/ml/training_data/training_data_aggregated/training_data.npy b/src/mqt/predictor/ml/training_data/training_data_aggregated/training_data.npy
deleted file mode 100644
index 69f2e295b..000000000
Binary files a/src/mqt/predictor/ml/training_data/training_data_aggregated/training_data.npy and /dev/null differ
diff --git a/src/mqt/predictor/ml/training_data/training_data_aggregated/training_data_critical_depth.npy b/src/mqt/predictor/ml/training_data/training_data_aggregated/training_data_critical_depth.npy
new file mode 100644
index 000000000..36d91d5cb
Binary files /dev/null and b/src/mqt/predictor/ml/training_data/training_data_aggregated/training_data_critical_depth.npy differ
diff --git a/src/mqt/predictor/ml/training_data/training_data_aggregated/training_data_expected_fidelity.npy b/src/mqt/predictor/ml/training_data/training_data_aggregated/training_data_expected_fidelity.npy
new file mode 100644
index 000000000..cb7e1ed14
Binary files /dev/null and b/src/mqt/predictor/ml/training_data/training_data_aggregated/training_data_expected_fidelity.npy differ
diff --git a/src/mqt/predictor/reward.py b/src/mqt/predictor/reward.py
index 2a66776bc..2f1be1c6a 100644
--- a/src/mqt/predictor/reward.py
+++ b/src/mqt/predictor/reward.py
@@ -1,7 +1,7 @@
from __future__ import annotations
import logging
-from typing import cast
+from typing import TYPE_CHECKING, Literal, cast
import numpy as np
from mqt.bench.utils import calc_qubit_index, calc_supermarq_features
@@ -9,173 +9,239 @@
from mqt.predictor.utils import (
get_rigetti_qubit_dict,
)
-from qiskit import QuantumCircuit
-logger = logging.getLogger("mqtpredictor")
+if TYPE_CHECKING:
+ from qiskit import QuantumCircuit
+
+logger = logging.getLogger("mqt-predictor")
+
+figure_of_merit = Literal["expected_fidelity", "critical_depth"]
def crit_depth(qc: QuantumCircuit, precision: int = 10) -> float:
+ """Calculates the critical depth of a given quantum circuit."""
supermarq_features = calc_supermarq_features(qc)
return cast(float, np.round(1 - supermarq_features.critical_depth, precision))
-def gate_ratio(qc: QuantumCircuit, precision: int = 10) -> float:
- return cast(float, np.round(1 - qc.num_nonlocal_gates() / qc.size(), precision))
+def expected_fidelity(qc: QuantumCircuit, device_name: str, precision: int = 10) -> float:
+ """Calculates the expected fidelity of a given quantum circuit on a given device.
+
+ Args:
+ qc (QuantumCircuit): The quantum circuit to be compiled.
+ device_name (str): The device to be used for compilation.
+ precision (int, optional): The precision of the returned value. Defaults to 10.
+
+ Returns:
+ float: The expected fidelity of the given quantum circuit on the given device.
+ """
+ if "ibm" in device_name:
+ res = calc_expected_fidelity_ibm(qc, device_name)
-def mix(qc: QuantumCircuit, device: str, precision: int = 10) -> float:
- return expected_fidelity(qc, device, precision) * 0.5 + crit_depth(qc, precision) * 0.5
+ elif "oqc_lucy" in device_name:
+ res = calc_expected_fidelity_oqc_lucy(qc)
+ elif "ionq" in device_name:
+ res = calc_expected_fidelity_ionq(qc, device_name)
+
+ elif "quantinuum_h2" in device_name:
+ res = calc_expected_fidelity_quantinuum_h2(qc)
+
+ elif "rigetti_aspen_m2" in device_name:
+ res = calc_expected_fidelity_rigetti_aspen_m2(qc)
-def expected_fidelity(qc_or_path: QuantumCircuit | str, device: str, precision: int = 10) -> float: # noqa: PLR0915
- if isinstance(qc_or_path, QuantumCircuit):
- qc = qc_or_path
else:
- try:
- qc = QuantumCircuit.from_qasm_file(qc_or_path)
- except Exception:
- raise RuntimeError("Could not read QuantumCircuit from: " + qc_or_path) from None
+ error_msg = "Device not supported"
+ raise ValueError(error_msg)
+
+ return cast(float, np.round(res, precision))
- res = 1.0
+def calc_expected_fidelity_rigetti_aspen_m2(qc: QuantumCircuit) -> float:
+ res = 1.0
calibration = Calibration.Calibration()
- if "ibm_montreal" in device or "ibm_washington" in device:
- if "ibm_montreal" in device:
- backend = calibration.ibm_montreal_calibration
- else:
- backend = calibration.ibm_washington_calibration
-
- for instruction, qargs, _cargs in qc.data:
- gate_type = instruction.name
-
- assert gate_type in ["rz", "sx", "x", "cx", "measure", "barrier"]
-
- if gate_type != "barrier":
- assert len(qargs) in [1, 2]
- first_qubit = calc_qubit_index(qargs, qc.qregs, 0)
- if len(qargs) == 1:
- try:
- if gate_type == "measure":
- specific_error: float = backend.readout_error(first_qubit)
- else:
- specific_error = backend.gate_error(gate_type, [first_qubit])
- except Exception as e:
- raise RuntimeError(
- "Error in IBM backend.gate_error(): "
- + str(e)
- + ", "
- + device
- + ", "
- + first_qubit
- + ", "
- + instruction
- + ", "
- + qargs
- ) from None
- else:
- second_qubit = calc_qubit_index(qargs, qc.qregs, 1)
- try:
- specific_error = backend.gate_error(gate_type, [first_qubit, second_qubit])
- if specific_error == 1:
- specific_error = calibration.ibm_washington_cx_mean_error
- except Exception as e:
- raise RuntimeError(
- "Error in IBM backend.gate_error(): "
- + str(e)
- + ", "
- + device
- + ", "
- + first_qubit
- + ", "
- + second_qubit
- + ", "
- + instruction
- + ", "
- + qargs
- ) from None
-
- res *= 1 - specific_error
- elif "oqc_lucy" in device:
- for instruction, qargs, _cargs in qc.data:
- gate_type = instruction.name
-
- assert gate_type in ["rz", "sx", "x", "ecr", "measure", "barrier"]
- if gate_type != "barrier":
- assert len(qargs) in [1, 2]
- first_qubit = calc_qubit_index(qargs, qc.qregs, 0)
- if len(qargs) == 1 and gate_type != "measure":
- specific_fidelity = calibration.oqc_lucy_calibration["fid_1Q"][str(first_qubit)]
- elif len(qargs) == 1 and gate_type == "measure":
- specific_fidelity = calibration.oqc_lucy_calibration["fid_1Q_readout"][str(first_qubit)]
- elif len(qargs) == 2:
- second_qubit = calc_qubit_index(qargs, qc.qregs, 1)
- tmp = str(first_qubit) + "-" + str(second_qubit)
- if calibration.oqc_lucy_calibration["fid_2Q"].get(tmp) is None:
- specific_fidelity = calibration.oqc_lucy_calibration["avg_2Q"]
- else:
- specific_fidelity = calibration.oqc_lucy_calibration["fid_2Q"][tmp]
-
- res *= specific_fidelity
-
- elif "ionq11" in device:
- for instruction, qargs, _cargs in qc.data:
- gate_type = instruction.name
-
- assert gate_type in ["rxx", "rz", "ry", "rx", "measure", "barrier"]
- if gate_type != "barrier":
- assert len(qargs) in [1, 2]
-
- if len(qargs) == 1:
- specific_fidelity = calibration.ionq_calibration["avg_1Q"]
- elif len(qargs) == 2:
- specific_fidelity = calibration.ionq_calibration["avg_2Q"]
- res *= specific_fidelity
- elif "rigetti_aspen_m2" in device:
- mapping = get_rigetti_qubit_dict()
- for instruction, qargs, _cargs in qc.data:
- gate_type = instruction.name
-
- assert gate_type in ["rx", "rz", "cz", "measure", "barrier"]
- if gate_type != "barrier":
- assert len(qargs) in [1, 2]
- first_qubit = calc_qubit_index(qargs, qc.qregs, 0)
- if len(qargs) == 1:
- if gate_type == "measure":
- specific_fidelity = calibration.rigetti_m2_calibration["fid_1Q_readout"][
- mapping[str(first_qubit)]
- ]
- else:
- specific_fidelity = calibration.rigetti_m2_calibration["fid_1Q"][mapping[str(first_qubit)]]
+ mapping = get_rigetti_qubit_dict()
+ for instruction, qargs, _cargs in qc.data:
+ gate_type = instruction.name
+
+ assert gate_type in ["rx", "rz", "cz", "measure", "barrier"]
+ if gate_type != "barrier":
+ assert len(qargs) in [1, 2]
+ first_qubit = calc_qubit_index(qargs, qc.qregs, 0)
+ if len(qargs) == 1:
+ if gate_type == "measure":
+ specific_fidelity = calibration.rigetti_m2_calibration["fid_1Q_readout"][mapping[str(first_qubit)]]
else:
- second_qubit = calc_qubit_index(qargs, qc.qregs, 1)
- tmp = (
- str(
- min(
- int(mapping[str(first_qubit)]),
- int(mapping[str(second_qubit)]),
- )
+ specific_fidelity = calibration.rigetti_m2_calibration["fid_1Q"][mapping[str(first_qubit)]]
+ else:
+ second_qubit = calc_qubit_index(qargs, qc.qregs, 1)
+ tmp = (
+ str(
+ min(
+ int(mapping[str(first_qubit)]),
+ int(mapping[str(second_qubit)]),
)
- + "-"
- + str(
- max(
- int(mapping[str(first_qubit)]),
- int(mapping[str(second_qubit)]),
- )
+ )
+ + "-"
+ + str(
+ max(
+ int(mapping[str(first_qubit)]),
+ int(mapping[str(second_qubit)]),
)
)
- if (
- calibration.rigetti_m2_calibration["fid_2Q_CZ"].get(tmp) is None
- or calibration.rigetti_m2_calibration["fid_2Q_CZ"][tmp] is None
- ):
- specific_fidelity = calibration.rigetti_m2_calibration["avg_2Q"]
- else:
- specific_fidelity = calibration.rigetti_m2_calibration["fid_2Q_CZ"][tmp]
+ )
+ if (
+ calibration.rigetti_m2_calibration["fid_2Q_CZ"].get(tmp) is None
+ or calibration.rigetti_m2_calibration["fid_2Q_CZ"][tmp] is None
+ ):
+ specific_fidelity = calibration.rigetti_m2_calibration["avg_2Q"]
+ else:
+ specific_fidelity = calibration.rigetti_m2_calibration["fid_2Q_CZ"][tmp]
+
+ res *= specific_fidelity
+ return res
- res *= specific_fidelity
+def calc_expected_fidelity_quantinuum_h2(qc: QuantumCircuit) -> float:
+ res = 1.0
+ calibration = Calibration.Calibration().quantinuum_h2_calibration
+ for instruction, qargs, _cargs in qc.data:
+ gate_type = instruction.name
+ assert gate_type in ["rzz", "rz", "ry", "rx", "measure", "barrier"]
+ if gate_type != "barrier":
+ assert len(qargs) in [1, 2]
+ if len(qargs) == 1:
+ specific_fidelity = calibration["avg_1Q"]
+ elif len(qargs) == 2:
+ specific_fidelity = calibration["avg_2Q"]
+ res *= specific_fidelity
+ return res
+
+
+def calc_expected_fidelity_ionq(qc: QuantumCircuit, device_name: str) -> float:
+ if device_name == "ionq_harmony":
+ calibration_data = Calibration.Calibration().ionq_harmony_calibration
+ elif device_name == "ionq_aria1":
+ calibration_data = Calibration.Calibration().ionq_aria1_calibration
else:
- error_msg = "Device not supported"
- raise ValueError(error_msg)
+ msg = "Device not supported"
+ raise ValueError(msg)
- return cast(float, np.round(res, precision))
+ res = 1.0
+ for instruction, qargs, _cargs in qc.data:
+ gate_type = instruction.name
+
+ assert gate_type in ["rxx", "rz", "ry", "rx", "measure", "barrier"]
+ if gate_type != "barrier":
+ assert len(qargs) in [1, 2]
+ if len(qargs) == 1:
+ specific_fidelity = calibration_data["avg_1Q"]
+ elif len(qargs) == 2:
+ specific_fidelity = calibration_data["avg_2Q"]
+ res *= specific_fidelity
+ return res
+
+
+def calc_expected_fidelity_oqc_lucy(qc: QuantumCircuit) -> float:
+ res = 1.0
+ calibration = Calibration.Calibration().oqc_lucy_calibration
+ for instruction, qargs, _cargs in qc.data:
+ gate_type = instruction.name
+
+ assert gate_type in ["rz", "sx", "x", "ecr", "measure", "barrier"]
+ if gate_type != "barrier":
+ assert len(qargs) in [1, 2]
+ first_qubit = calc_qubit_index(qargs, qc.qregs, 0)
+ if len(qargs) == 1 and gate_type != "measure":
+ specific_fidelity = calibration["fid_1Q"][str(first_qubit)]
+ elif len(qargs) == 1 and gate_type == "measure":
+ specific_fidelity = calibration["fid_1Q_readout"][str(first_qubit)]
+ elif len(qargs) == 2:
+ second_qubit = calc_qubit_index(qargs, qc.qregs, 1)
+ tmp = str(first_qubit) + "-" + str(second_qubit)
+ if calibration["fid_2Q"].get(tmp) is None:
+ specific_fidelity = calibration["avg_2Q"]
+ else:
+ specific_fidelity = calibration["fid_2Q"][tmp]
+
+ res *= specific_fidelity
+ return res
+
+
+def calc_expected_fidelity_ibm(qc: QuantumCircuit, device_name: str) -> float:
+ if device_name == "ibm_montreal":
+ calibration = Calibration.Calibration().ibm_montreal_calibration
+ elif device_name == "ibm_washington":
+ calibration = Calibration.Calibration().ibm_washington_calibration
+ else:
+ msg = "Device not supported"
+ raise ValueError(msg)
+
+ res = 1.0
+ for instruction, qargs, _cargs in qc.data:
+ gate_type = instruction.name
+
+ assert gate_type in ["rz", "sx", "x", "cx", "measure", "barrier"]
+
+ if gate_type != "barrier":
+ assert len(qargs) in [1, 2]
+ first_qubit = calc_qubit_index(qargs, qc.qregs, 0)
+ if len(qargs) == 1:
+ try:
+ if gate_type == "measure":
+ specific_error: float = calibration.readout_error(first_qubit)
+ else:
+ specific_error = calibration.gate_error(gate_type, [first_qubit])
+ except Exception as e:
+ raise RuntimeError(
+ "Error in IBM backend.gate_error(): "
+ + str(e)
+ + ", "
+ + device_name
+ + ", "
+ + first_qubit
+ + ", "
+ + instruction
+ + ", "
+ + qargs
+ ) from None
+ else:
+ second_qubit = calc_qubit_index(qargs, qc.qregs, 1)
+ try:
+ specific_error = calibration.gate_error(gate_type, [first_qubit, second_qubit])
+ if specific_error == 1:
+ logger.warning(
+ "Gate error is 1.0 for: "
+ + device_name
+ + ", "
+ + gate_type
+ + ", "
+ + str(first_qubit)
+ + ", "
+ + str(second_qubit),
+ "mean error is used instead",
+ )
+ if device_name == "ibm_washington":
+ specific_error = calibration.ibm_washington_cx_mean_error
+ elif device_name == "ibm_montreal":
+ specific_error = calibration.ibm_montreal_cx_mean_error
+ except Exception as e:
+ raise RuntimeError(
+ "Error in IBM backend.gate_error(): "
+ + str(e)
+ + ", "
+ + device_name
+ + ", "
+ + first_qubit
+ + ", "
+ + second_qubit
+ + ", "
+ + instruction
+ + ", "
+ + qargs
+ ) from None
+
+ res *= 1 - specific_error
+ return res
diff --git a/src/mqt/predictor/rl/Predictor.py b/src/mqt/predictor/rl/Predictor.py
index 7c2ee588f..883ace488 100644
--- a/src/mqt/predictor/rl/Predictor.py
+++ b/src/mqt/predictor/rl/Predictor.py
@@ -1,116 +1,90 @@
from __future__ import annotations
import logging
-import time
-from pathlib import Path
-from typing import Any, get_args
-
-import numpy as np
-from joblib import Parallel, delayed
-from mqt.predictor import rl
-from pytket import OpType
-from pytket.architecture import Architecture # type: ignore[attr-defined]
-from pytket.extensions.qiskit import qiskit_to_tk, tk_to_qiskit
-from pytket.passes import ( # type: ignore[attr-defined]
- FullPeepholeOptimise,
- PlacementPass,
- RoutingPass,
- auto_rebase_pass,
-)
-from pytket.placement import GraphPlacement # type: ignore[attr-defined]
-from qiskit import QuantumCircuit, transpile
+from typing import TYPE_CHECKING
+
+from mqt.predictor import reward, rl
from sb3_contrib import MaskablePPO
from sb3_contrib.common.maskable.policies import MaskableMultiInputActorCriticPolicy
from sb3_contrib.common.maskable.utils import get_action_masks
-logger = logging.getLogger("mqtpredictor")
+if TYPE_CHECKING:
+ from qiskit import QuantumCircuit
+
+logger = logging.getLogger("mqt-predictor")
PATH_LENGTH = 260
class Predictor:
- def __init__(self, verbose: int = 0):
- if verbose == 1:
- lvl = logging.INFO
- elif verbose == 2:
- lvl = logging.DEBUG
- else:
- lvl = logging.WARNING
- logger.setLevel(lvl)
+ """The Predictor class is used to train a reinforcement learning model for a given figure of merit and device such that it acts as a compiler."""
+
+ def __init__(self, figure_of_merit: reward.figure_of_merit, device_name: str, logger_level: int = logging.INFO):
+ logger.setLevel(logger_level)
+
+ self.model = None
+ self.env = rl.PredictorEnv(figure_of_merit, device_name)
+ self.device_name = device_name
+ self.figure_of_merit = figure_of_merit
+
+ def load_model(self) -> None:
+ self.model = rl.helper.load_model("model_" + self.figure_of_merit + "_" + self.device_name)
def compile_as_predicted(
- self, qc: QuantumCircuit | str, opt_objective: rl.helper.reward_functions = "fidelity"
+ self,
+ qc: QuantumCircuit,
) -> tuple[QuantumCircuit, list[str]]:
- if not isinstance(qc, QuantumCircuit):
- if len(qc) < PATH_LENGTH and Path(qc).exists():
- qc = QuantumCircuit.from_qasm_file(qc)
- elif "OPENQASM" in qc:
- qc = QuantumCircuit.from_qasm_str(qc)
+ """Compiles a given quantum circuit such that the given figure of merit is maximized by using the respectively trained optimized compiler.
+
+ Args:
+ qc (QuantumCircuit: The quantum circuit to be compiled or the path to a qasm file containing the quantum circuit.
+
+ Returns:
+ tuple[QuantumCircuit, list[str]] | bool: Returns a tuple containing the compiled quantum circuit and the compilation information. If compilation fails, False is returned.
+ """
+ if not self.model:
+ try:
+ self.load_model()
+ except Exception as e:
+ msg = "Model cannot be loaded. Try to train a local model using 'Predictor.train_model(<...>)'"
+ raise Exception(msg) from e
- model = rl.helper.load_model("model_" + opt_objective)
- env = rl.PredictorEnv(opt_objective)
- obs, _ = env.reset(qc)
+ assert self.model
+ obs, _ = self.env.reset(qc) # type: ignore[unreachable]
used_compilation_passes = []
terminated = False
truncated = False
while not (terminated or truncated):
- action_masks = get_action_masks(env)
- action, _ = model.predict(obs, action_masks=action_masks)
+ action_masks = get_action_masks(self.env)
+ action, _ = self.model.predict(obs, action_masks=action_masks)
action = int(action)
- action_item = env.action_set[action]
+ action_item = self.env.action_set[action]
used_compilation_passes.append(action_item["name"])
- obs, reward_val, terminated, truncated, info = env.step(action)
- env.state._layout = env.layout
- return env.state, used_compilation_passes
-
- def evaluate_sample_circuit(self, file: str) -> dict[str, Any]:
- logger.info("Evaluate file: " + file)
-
- # reward_functions = ["fidelity", "critical_depth", "gate_ratio", "mix"]
- reward_functions = get_args(rl.helper.reward_functions)
- results = []
- for rew in reward_functions:
- results.append(self.computeRewards(file, "RL", rew))
+ obs, reward_val, terminated, truncated, info = self.env.step(action)
+ self.env.state._layout = self.env.layout
- results.append(self.computeRewards(file, "qiskit_o3"))
- results.append(self.computeRewards(file, "tket"))
+ if not self.env.error_occured:
+ return self.env.state, used_compilation_passes
- combined_res: dict[str, Any] = {
- "benchmark": str(Path(file).stem).replace("_", " ").split(" ")[0],
- "num_qubits": str(Path(file).stem).replace("_", " ").split(" ")[-1],
- }
+ msg = "Error occurred during compilation."
+ raise Exception(msg)
- for res in results:
- combined_res.update(res.get_dict())
- return combined_res
-
- def evaluate_all_sample_circuits(self) -> None:
- res_csv = []
-
- results = Parallel(n_jobs=-1, verbose=3, backend="threading")(
- delayed(self.evaluate_sample_circuit)(str(file))
- for file in list(rl.helper.get_path_training_circuits().glob("*.qasm"))
- )
- res_csv.append(list(results[0].keys()))
- for res in results:
- res_csv.append(list(res.values()))
- np.savetxt(
- rl.helper.get_path_trained_model() / "res.csv",
- res_csv,
- delimiter=",",
- fmt="%s",
- )
-
- def train_all_models(
+ def train_model(
self,
timesteps: int = 1000,
- reward_functions: list[rl.helper.reward_functions] | None = None,
model_name: str = "model",
verbose: int = 2,
test: bool = False,
) -> None:
- if reward_functions is None:
- reward_functions = ["fidelity"]
+ """Trains all models for the given reward functions and device.
+
+ Args:
+ timesteps (int, optional): The number of timesteps to train the model. Defaults to 1000.
+ model_name (str, optional): The name of the model. Defaults to "model".
+ verbose (int, optional): The verbosity level. Defaults to 2.
+ test (bool, optional): Whether to train the model for testing purposes. Defaults to False.
+ """
+
if test:
n_steps = 100
progress_bar = False
@@ -118,80 +92,18 @@ def train_all_models(
n_steps = 2048
progress_bar = True
- for rew in reward_functions:
- logger.debug("Start training for: " + rew)
- env = rl.PredictorEnv(reward_function=rew)
-
- model = MaskablePPO(
- MaskableMultiInputActorCriticPolicy,
- env,
- verbose=verbose,
- tensorboard_log="./" + model_name + "_" + rew,
- gamma=0.98,
- n_steps=n_steps,
- )
- model.learn(total_timesteps=timesteps, progress_bar=progress_bar)
- model.save(rl.helper.get_path_trained_model() / (model_name + "_" + rew))
-
- def computeRewards(
- self,
- benchmark: str,
- used_setup: str,
- reward_function: rl.helper.reward_functions = "fidelity",
- ) -> rl.Result:
- if used_setup == "RL":
- model = rl.helper.load_model("model_" + reward_function)
- env = rl.PredictorEnv(reward_function)
- obs, _ = env.reset(benchmark)
- start_time = time.time()
- terminated = False
- truncated = False
- while not (terminated or truncated):
- action_masks = get_action_masks(env)
- action, _ = model.predict(obs, action_masks=action_masks)
- action = int(action)
- obs, reward_val, terminated, truncated, info = env.step(action)
-
- duration = time.time() - start_time
-
- return rl.Result(
- benchmark,
- used_setup + "_" + reward_function,
- duration,
- env.state,
- env.device,
- )
-
- if used_setup == "qiskit_o3":
- qc = QuantumCircuit.from_qasm_file(benchmark)
- start_time = time.time()
- transpiled_qc_qiskit = transpile(
- qc,
- basis_gates=rl.helper.get_ibm_native_gates(),
- coupling_map=rl.helper.get_cmap_from_devicename("ibm_washington"),
- optimization_level=3,
- seed_transpiler=1,
- )
- duration = time.time() - start_time
-
- return rl.Result(benchmark, used_setup, duration, transpiled_qc_qiskit, "ibm_washington")
-
- if used_setup == "tket":
- qc = QuantumCircuit.from_qasm_file(benchmark)
- tket_qc = qiskit_to_tk(qc)
- arch = Architecture(rl.helper.get_cmap_from_devicename("ibm_washington"))
- ibm_rebase = auto_rebase_pass({OpType.Rz, OpType.SX, OpType.X, OpType.CX, OpType.Measure})
-
- start_time = time.time()
- ibm_rebase.apply(tket_qc)
- FullPeepholeOptimise(target_2qb_gate=OpType.TK2).apply(tket_qc)
- PlacementPass(GraphPlacement(arch)).apply(tket_qc)
- RoutingPass(arch).apply(tket_qc)
- ibm_rebase.apply(tket_qc)
- duration = time.time() - start_time
- transpiled_qc_tket = tk_to_qiskit(tket_qc)
-
- return rl.Result(benchmark, used_setup, duration, transpiled_qc_tket, "ibm_washington")
-
- error_msg = "Unknown setup. Use either 'RL', 'qiskit_o3' or 'tket'."
- raise ValueError(error_msg)
+ logger.debug("Start training for: " + self.figure_of_merit + " on " + self.device_name)
+ env = rl.PredictorEnv(reward_function=self.figure_of_merit, device_name=self.device_name)
+
+ model = MaskablePPO(
+ MaskableMultiInputActorCriticPolicy,
+ env,
+ verbose=verbose,
+ tensorboard_log="./" + model_name + "_" + self.figure_of_merit + "_" + self.device_name,
+ gamma=0.98,
+ n_steps=n_steps,
+ )
+ model.learn(total_timesteps=timesteps, progress_bar=progress_bar)
+ model.save(
+ rl.helper.get_path_trained_model() / (model_name + "_" + self.figure_of_merit + "_" + self.device_name)
+ )
diff --git a/src/mqt/predictor/rl/PredictorEnv.py b/src/mqt/predictor/rl/PredictorEnv.py
index 34d90fb49..741e9b655 100644
--- a/src/mqt/predictor/rl/PredictorEnv.py
+++ b/src/mqt/predictor/rl/PredictorEnv.py
@@ -16,36 +16,32 @@
from qiskit.transpiler.passes import CheckMap, GatesInBasis
from qiskit.transpiler.runningpassmanager import TranspileLayout
-logger = logging.getLogger("mqtpredictor")
+logger = logging.getLogger("mqt-predictor")
class PredictorEnv(Env): # type: ignore[misc]
- def __init__(self, reward_function: rl.helper.reward_functions = "fidelity"):
+ """Predictor environment for reinforcement learning."""
+
+ def __init__(
+ self, reward_function: reward.figure_of_merit = "expected_fidelity", device_name: str = "ibm_washington"
+ ):
logger.info("Init env: " + reward_function)
self.action_set = {}
- self.actions_platform = []
self.actions_synthesis_indices = []
- self.actions_devices_indices = []
self.actions_layout_indices = []
self.actions_routing_indices = []
+ self.actions_mapping_indices = []
self.actions_opt_indices = []
+ self.used_actions: list[str] = []
+ self.device = rl.helper.get_device(device_name)
index = 0
- for elem in rl.helper.get_actions_platform_selection():
- self.action_set[index] = elem
- self.actions_platform.append(index)
- index += 1
for elem in rl.helper.get_actions_synthesis():
self.action_set[index] = elem
self.actions_synthesis_indices.append(index)
index += 1
-
- for elem in rl.helper.get_actions_devices():
- self.action_set[index] = elem
- self.actions_devices_indices.append(index)
- index += 1
for elem in rl.helper.get_actions_layout():
self.action_set[index] = elem
self.actions_layout_indices.append(index)
@@ -54,11 +50,14 @@ def __init__(self, reward_function: rl.helper.reward_functions = "fidelity"):
self.action_set[index] = elem
self.actions_routing_indices.append(index)
index += 1
-
for elem in rl.helper.get_actions_opt():
self.action_set[index] = elem
self.actions_opt_indices.append(index)
index += 1
+ for elem in rl.helper.get_actions_mapping():
+ self.action_set[index] = elem
+ self.actions_mapping_indices.append(index)
+ index += 1
self.action_set[index] = rl.helper.get_action_terminate()
self.action_terminate_index = index
@@ -66,10 +65,11 @@ def __init__(self, reward_function: rl.helper.reward_functions = "fidelity"):
self.reward_function = reward_function
self.action_space = Discrete(len(self.action_set.keys()))
self.num_steps = 0
+ self.layout = None
spaces = {
"num_qubits": Discrete(128),
- "depth": Discrete(100000),
+ "depth": Discrete(1000000),
"program_communication": Box(low=0, high=1, shape=(1,), dtype=np.float32),
"critical_depth": Box(low=0, high=1, shape=(1,), dtype=np.float32),
"entanglement_ratio": Box(low=0, high=1, shape=(1,), dtype=np.float32),
@@ -77,13 +77,11 @@ def __init__(self, reward_function: rl.helper.reward_functions = "fidelity"):
"liveness": Box(low=0, high=1, shape=(1,), dtype=np.float32),
}
self.observation_space = Dict(spaces)
- self.native_gateset_name = ""
- self.native_gates = None
- self.device = ""
- self.cmap = None
- self.layout = None
+ self.filename = ""
def step(self, action: int) -> tuple[dict[str, Any], float, bool, bool, dict[Any, Any]]:
+ """Executes the given action and returns the new state, the reward, whether the episode is done, whether the episode is truncated and additional information."""
+ self.used_actions.append(str(self.action_set[action].get("name")))
altered_qc = self.apply_action(action)
if not altered_qc:
return (
@@ -99,7 +97,8 @@ def step(self, action: int) -> tuple[dict[str, Any], float, bool, bool, dict[Any
self.valid_actions = self.determine_valid_actions_for_state()
if len(self.valid_actions) == 0:
- return rl.helper.create_feature_dict(self.state), 0, True, False, {}
+ msg = "No valid actions left."
+ raise RuntimeError(msg)
if action == self.action_terminate_index:
reward_val = self.calculate_reward()
@@ -116,18 +115,16 @@ def step(self, action: int) -> tuple[dict[str, Any], float, bool, bool, dict[Any
return obs, reward_val, done, False, {}
def calculate_reward(self) -> Any:
- if self.reward_function == "fidelity":
- return reward.expected_fidelity(self.state, self.device)
+ """Calculates and returns the reward for the current state."""
+ if self.reward_function == "expected_fidelity":
+ return reward.expected_fidelity(self.state, self.device["name"])
if self.reward_function == "critical_depth":
return reward.crit_depth(self.state)
- if self.reward_function == "mix":
- return reward.mix(self.state, self.device)
- if self.reward_function == "gate_ratio":
- return reward.gate_ratio(self.state)
error_msg = f"Reward function {self.reward_function} not supported." # type: ignore[unreachable]
raise ValueError(error_msg)
def render(self) -> None:
+ """Renders the current state."""
print(self.state.draw())
def reset(
@@ -136,70 +133,75 @@ def reset(
seed: int | None = None,
options: dict[str, Any] | None = None, # noqa: ARG002
) -> tuple[QuantumCircuit, dict[str, Any]]:
+ """Resets the environment to the given state or a random state.
+
+ Args:
+ qc (Path | str | QuantumCircuit | None, optional): The quantum circuit to be compiled or the path to a qasm file containing the quantum circuit. Defaults to None.
+ seed (int | None, optional): The seed to be used for the random number generator. Defaults to None.
+ options (dict[str, Any] | None, optional): Additional options. Defaults to None.
+
+ Returns:
+ tuple[QuantumCircuit, dict[str, Any]]: The initial state and additional information.
+ """
super().reset(seed=seed)
if isinstance(qc, QuantumCircuit):
self.state = qc
elif qc:
self.state = QuantumCircuit.from_qasm_file(str(qc))
else:
- self.state = rl.helper.get_state_sample()
+ self.state, self.filename = rl.helper.get_state_sample(self.device["max_qubits"])
self.action_space = Discrete(len(self.action_set.keys()))
self.num_steps = 0
+ self.used_actions = []
- self.native_gateset_name = ""
- self.native_gates = None
- self.device = ""
- self.cmap = None
self.layout = None
- self.valid_actions = self.get_platform_valid_actions_for_state()
+ self.valid_actions = self.actions_opt_indices + self.actions_synthesis_indices
+
+ self.error_occured = False
return rl.helper.create_feature_dict(self.state), {}
def action_masks(self) -> list[bool]:
+ """Returns a list of valid actions for the current state."""
return [action in self.valid_actions for action in self.action_set]
- def apply_action(self, action_index: int) -> QuantumCircuit:
- if action_index in self.actions_platform:
- self.native_gateset_name = self.action_set[action_index]["name"]
- self.native_gates = self.action_set[action_index]["gates"]
- elif action_index in self.actions_devices_indices:
- self.device = self.action_set[action_index]["name"]
- self.cmap = self.action_set[action_index]["cmap"]
-
+ def apply_action(self, action_index: int) -> QuantumCircuit | None:
+ """Applies the given action to the current state and returns the altered state."""
if action_index in self.action_set:
action = self.action_set[action_index]
if action["name"] == "terminate":
return self.state
-
- if action_index in self.actions_platform:
- self.native_gates = self.action_set[action_index]["gates"]
- return self.state
-
- if action_index in self.actions_devices_indices:
- self.cmap = self.action_set[action_index]["cmap"]
- return self.state
-
- if action_index in self.actions_layout_indices + self.actions_routing_indices:
- transpile_pass = action["transpile_pass"](self.cmap)
+ if (
+ action_index
+ in self.actions_layout_indices + self.actions_routing_indices + self.actions_mapping_indices
+ ):
+ transpile_pass = action["transpile_pass"](self.device["cmap"])
elif action_index in self.actions_synthesis_indices:
- transpile_pass = action["transpile_pass"](self.native_gates)
+ transpile_pass = action["transpile_pass"](self.device["native_gates"])
else:
transpile_pass = action["transpile_pass"]
if action["origin"] == "qiskit":
- pm = PassManager(transpile_pass)
try:
+ if action["name"] == "QiskitO3":
+ pm = PassManager()
+ pm.append(
+ action["transpile_pass"](self.device["native_gates"], CouplingMap(self.device["cmap"])),
+ do_while=action["do_while"],
+ )
+ else:
+ pm = PassManager(transpile_pass)
altered_qc = pm.run(self.state)
except Exception as e:
- raise RuntimeError(
- "Error in executing Qiskit transpile pass: "
- + action["name"]
- + ", "
- + self.state.name
- + ", "
- + str(e)
- ) from None
- if action_index in self.actions_layout_indices:
+ logger.error(
+ "Error in executing Qiskit transpile pass for {action} at step {i} for {filename}: {e}".format(
+ action=action["name"], i=self.num_steps, filename=self.filename, e=e
+ )
+ )
+
+ self.error_occured = True
+ return None
+ if action_index in self.actions_layout_indices + self.actions_mapping_indices:
assert pm.property_set["layout"]
self.layout = TranspileLayout(
initial_layout=pm.property_set["layout"],
@@ -214,14 +216,14 @@ def apply_action(self, action_index: int) -> QuantumCircuit:
elem.apply(tket_qc)
altered_qc = tk_to_qiskit(tket_qc)
except Exception as e:
- raise RuntimeError(
- "Error in executing TKET transpile pass: "
- + action["name"]
- + ", "
- + self.state.name
- + ", "
- + str(e),
- ) from None
+ logger.error(
+ "Error in executing TKET transpile pass for {action} at step {i} for {filename}: {e}".format(
+ action=action["name"], i=self.num_steps, filename=self.filename, e=e
+ )
+ )
+ self.error_occured = True
+ return None
+
else:
error_msg = f"Origin {action['origin']} not supported."
raise ValueError(error_msg)
@@ -233,48 +235,23 @@ def apply_action(self, action_index: int) -> QuantumCircuit:
return altered_qc
def determine_valid_actions_for_state(self) -> list[int]:
- if self.native_gates is None:
- return self.get_platform_valid_actions_for_state() + self.actions_opt_indices
-
- if not self.device: # type: ignore[unreachable]
- return self.get_device_action_indices_for_nat_gates()
-
- check_nat_gates = GatesInBasis(basis_gates=self.native_gates)
+ """Determines and returns the valid actions for the current state."""
+ check_nat_gates = GatesInBasis(basis_gates=self.device["native_gates"])
check_nat_gates(self.state)
only_nat_gates = check_nat_gates.property_set["all_gates_in_basis"]
if not only_nat_gates:
return self.actions_synthesis_indices + self.actions_opt_indices
- check_mapping = CheckMap(coupling_map=CouplingMap(self.cmap))
+ check_mapping = CheckMap(coupling_map=CouplingMap(self.device["cmap"]))
check_mapping(self.state)
mapped = check_mapping.property_set["is_swap_mapped"]
if mapped and self.layout is not None:
- return [self.action_terminate_index, *self.actions_opt_indices]
+ return [self.action_terminate_index, *self.actions_opt_indices] # type: ignore[unreachable]
- # No layout applied yet
if self.state._layout is not None:
return self.actions_routing_indices
- return self.actions_layout_indices + self.actions_opt_indices
-
- def get_device_action_indices_for_nat_gates(self) -> list[int]:
- nat_gate_index = -1
- for key in self.action_set:
- if self.action_set[key]["name"] == self.native_gateset_name:
- nat_gate_index = key
- break
- potential_devices_names = self.action_set[nat_gate_index]["devices"]
- potential_devices_indices = []
- for dev in potential_devices_names:
- for key in self.action_set:
- if self.action_set[key]["name"] == dev and self.state.num_qubits <= self.action_set[key]["max_qubits"]:
- potential_devices_indices.append(key)
- return potential_devices_indices
-
- def get_platform_valid_actions_for_state(self) -> list[int]:
- valid_platform_indices = []
- for platform_action in self.actions_platform:
- if self.state.num_qubits <= self.action_set[platform_action]["max_qubit_size"]:
- valid_platform_indices.append(platform_action)
- return valid_platform_indices
+
+ # No layout applied yet
+ return self.actions_mapping_indices + self.actions_layout_indices + self.actions_opt_indices
diff --git a/src/mqt/predictor/rl/Result.py b/src/mqt/predictor/rl/Result.py
deleted file mode 100644
index 8b30ebe4f..000000000
--- a/src/mqt/predictor/rl/Result.py
+++ /dev/null
@@ -1,54 +0,0 @@
-from __future__ import annotations
-
-from typing import TYPE_CHECKING
-
-from mqt.predictor import reward
-
-if TYPE_CHECKING:
- from qiskit import QuantumCircuit
-
-
-class Result:
- """
- Class to calculate and store the result of a compiler for a given benchmark.
-
- Attributes
- benchmark: str - name of the benchmark
- used_setup: str - name of the used setup
- time: float - time needed to compile the circuit
- fidelity: float - fidelity reward of the compiled circuit
- depth: float - depth reward of the compiled circuit
- gate_ratio: float - gate ratio reward of the compiled circuit
- mix: float - mix reward of the compiled circuit
-
- """
-
- def __init__(
- self,
- benchmark: str,
- used_setup: str,
- duration: float,
- qc: QuantumCircuit,
- device: str,
- ) -> None:
- rew_fid = reward.expected_fidelity(qc, device)
- rew_crit_depth = reward.crit_depth(qc)
- rew_gate_ratio = reward.gate_ratio(qc)
- rew_mix = reward.mix(qc, device)
-
- self.benchmark: str = benchmark
- self.used_setup: str = used_setup
- self.time: float = duration
- self.fidelity: float = rew_fid
- self.critical_depth: float = rew_crit_depth
- self.gate_ratio: float = rew_gate_ratio
- self.mix: float = rew_mix
-
- def get_dict(self) -> dict[str, float]:
- return {
- self.used_setup + "_" + "time": self.time,
- self.used_setup + "_" + "fidelity": self.fidelity,
- self.used_setup + "_" + "critical_depth": self.critical_depth,
- self.used_setup + "_" + "gate_ratio": self.gate_ratio,
- self.used_setup + "_" + "mix": self.mix,
- }
diff --git a/src/mqt/predictor/rl/__init__.py b/src/mqt/predictor/rl/__init__.py
index 173ff2109..621a12930 100644
--- a/src/mqt/predictor/rl/__init__.py
+++ b/src/mqt/predictor/rl/__init__.py
@@ -1,13 +1,9 @@
-from mqt.predictor.rl import helper
from mqt.predictor.rl.helper import qcompile
from mqt.predictor.rl.Predictor import Predictor
from mqt.predictor.rl.PredictorEnv import PredictorEnv
-from mqt.predictor.rl.Result import Result
__all__ = [
- "helper",
"qcompile",
"Predictor",
"PredictorEnv",
- "Result",
]
diff --git a/src/mqt/predictor/rl/helper.py b/src/mqt/predictor/rl/helper.py
index ee68dd037..7f1d32d9c 100644
--- a/src/mqt/predictor/rl/helper.py
+++ b/src/mqt/predictor/rl/helper.py
@@ -3,27 +3,27 @@
import logging
import sys
from pathlib import Path
-from typing import TYPE_CHECKING, Any, Literal
+from typing import TYPE_CHECKING, Any
import numpy as np
import requests
-from mqt.bench.utils import calc_supermarq_features
-from mqt.predictor import rl
+from mqt.bench.qiskit_helper import get_native_gates
+from mqt.bench.utils import calc_supermarq_features, get_cmap_from_devicename
+from mqt.predictor import reward, rl
from packaging import version
-from pytket.architecture import Architecture # type: ignore[attr-defined]
-from pytket.circuit import Circuit, Node, OpType, Qubit # type: ignore[attr-defined]
-from pytket.passes import ( # type: ignore[attr-defined]
+from pytket.architecture import Architecture
+from pytket.circuit import Circuit, Node, Qubit
+from pytket.passes import (
CliffordSimp,
FullPeepholeOptimise,
PeepholeOptimise2Q,
RemoveRedundancies,
RoutingPass,
)
-from pytket.placement import place_with_map # type: ignore[attr-defined]
+from pytket.placement import place_with_map
from qiskit import QuantumCircuit
from qiskit.circuit.equivalence_library import StandardEquivalenceLibrary
from qiskit.circuit.library import XGate, ZGate
-from qiskit.providers.fake_provider import FakeMontreal, FakeWashington
from qiskit.transpiler import CouplingMap
from qiskit.transpiler.passes import (
ApplyLayout,
@@ -35,44 +35,78 @@
ConsolidateBlocks,
CXCancellation,
DenseLayout,
+ Depth,
EnlargeWithAncilla,
+ FixedPoint,
FullAncillaAllocation,
+ GatesInBasis,
InverseCancellation,
+ MinimumPoint,
Optimize1qGatesDecomposition,
OptimizeCliffords,
RemoveDiagonalGatesBeforeMeasure,
SabreLayout,
SabreSwap,
+ Size,
StochasticSwap,
TrivialLayout,
+ UnitarySynthesis,
)
+from qiskit.transpiler.preset_passmanagers import common
+from qiskit.transpiler.runningpassmanager import ConditionalController
from sb3_contrib import MaskablePPO
from tqdm import tqdm
+if TYPE_CHECKING:
+ from numpy.typing import NDArray
+
if TYPE_CHECKING or sys.version_info >= (3, 10, 0):
from importlib import metadata, resources
else:
import importlib_metadata as metadata
import importlib_resources as resources
-reward_functions = Literal["fidelity", "critical_depth", "mix", "gate_ratio"]
+logger = logging.getLogger("mqt-predictor")
+
+
+NUM_ACTIONS_OPT = 13
+NUM_ACTIONS_LAYOUT = 3
+NUM_ACTIONS_ROUTING = 4
+NUM_ACTIONS_SYNTHESIS = 1
+NUM_ACTIONS_TERMINATE = 1
+NUM_ACTIONS_DEVICES = 7
+NUM_ACTIONS_MAPPING = 1
+NUM_FEATURE_VECTOR_ELEMENTS = 7
-logger = logging.getLogger("mqtpredictor")
+def qcompile(
+ qc: QuantumCircuit | str,
+ figure_of_merit: reward.figure_of_merit = "expected_fidelity",
+ device_name: str = "ibm_washington",
+ predictor_singleton: rl.Predictor | None = None,
+) -> tuple[QuantumCircuit, list[str]]:
+ """Compiles a given quantum circuit to a device optimizing for the given figure of merit.
-def qcompile(qc: QuantumCircuit | str, opt_objective: reward_functions = "fidelity") -> QuantumCircuit:
- """Returns the compiled quantum circuit which is compiled following an objective function.
- Keyword arguments:
- qc -- to be compiled quantum circuit or path to a qasm file
- opt_objective -- objective function used for the compilation
- Returns: compiled quantum circuit as Qiskit QuantumCircuit object
+ Args:
+ qc (QuantumCircuit | str): The quantum circuit to be compiled. If a string is given, it is assumed to be a path to a qasm file.
+ figure_of_merit (reward.reward_functions, optional): The figure of merit to be used for compilation. Defaults to "expected_fidelity".
+ device_name (str, optional): The name of the device to compile to. Defaults to "ibm_washington".
+ predictor_singleton (rl.Predictor, optional): A predictor object that is used for compilation. If None, a new predictor object is created. Defaults to None.
+
+ Returns:
+ tuple[QuantumCircuit, list[str]] | bool: Returns a tuple containing the compiled quantum circuit and the compilation information. If compilation fails, False is returned.
"""
- predictor = rl.Predictor()
- return predictor.compile_as_predicted(qc, opt_objective=opt_objective)
+ if predictor_singleton is None:
+ predictor = rl.Predictor(figure_of_merit=figure_of_merit, device_name=device_name)
+ else:
+ predictor = predictor_singleton
+
+ return predictor.compile_as_predicted(qc)
def get_actions_opt() -> list[dict[str, Any]]:
+ """Returns a list of dictionaries containing information about the optimization passes that are available."""
return [
{
"name": "Optimize1qGatesDecomposition",
@@ -126,7 +160,7 @@ def get_actions_opt() -> list[dict[str, Any]]:
},
{
"name": "FullPeepholeOptimiseCX",
- "transpile_pass": [FullPeepholeOptimise(target_2qb_gate=OpType.TK2)],
+ "transpile_pass": [FullPeepholeOptimise()],
"origin": "tket",
},
{
@@ -134,10 +168,39 @@ def get_actions_opt() -> list[dict[str, Any]]:
"transpile_pass": [RemoveRedundancies()],
"origin": "tket",
},
+ {
+ "name": "QiskitO3",
+ "transpile_pass": lambda bgates, cmap: [
+ Collect2qBlocks(),
+ ConsolidateBlocks(basis_gates=bgates),
+ UnitarySynthesis(basis_gates=bgates, coupling_map=cmap),
+ Optimize1qGatesDecomposition(basis=bgates),
+ CommutativeCancellation(basis_gates=bgates),
+ GatesInBasis(bgates),
+ ConditionalController(
+ [
+ pass_
+ for x in common.generate_translation_passmanager(
+ target=None, basis_gates=bgates, coupling_map=cmap
+ ).passes()
+ for pass_ in x["passes"]
+ ],
+ condition=lambda property_set: not property_set["all_gates_in_basis"],
+ ),
+ Depth(recurse=True),
+ FixedPoint("depth"),
+ Size(recurse=True),
+ FixedPoint("size"),
+ MinimumPoint(["depth", "size"], "optimization_loop"),
+ ],
+ "origin": "qiskit",
+ "do_while": lambda property_set: (not property_set["optimization_loop_minimum_point"]),
+ },
]
def get_actions_layout() -> list[dict[str, Any]]:
+ """Returns a list of dictionaries containing information about the layout passes that are available."""
return [
{
"name": "TrivialLayout",
@@ -173,6 +236,7 @@ def get_actions_layout() -> list[dict[str, Any]]:
def get_actions_routing() -> list[dict[str, Any]]:
+ """Returns a list of dictionaries containing information about the routing passes that are available."""
return [
{
"name": "BasicSwap",
@@ -200,36 +264,21 @@ def get_actions_routing() -> list[dict[str, Any]]:
]
-def get_actions_platform_selection() -> list[dict[str, Any]]:
+def get_actions_mapping() -> list[dict[str, Any]]:
+ """Returns a list of dictionaries containing information about the mapping passes that are available."""
return [
{
- "name": "IBM",
- "gates": get_ibm_native_gates(),
- "devices": ["ibm_washington", "ibm_montreal"],
- "max_qubit_size": 127,
- },
- {
- "name": "Rigetti",
- "gates": get_rigetti_native_gates(),
- "devices": ["rigetti_aspen_m2"],
- "max_qubit_size": 80,
- },
- {
- "name": "OQC",
- "gates": get_oqc_native_gates(),
- "devices": ["oqc_lucy"],
- "max_qubit_size": 8,
- },
- {
- "name": "IonQ",
- "gates": get_ionq_native_gates(),
- "devices": ["ionq11"],
- "max_qubit_size": 11,
+ "name": "SabreMapping",
+ "transpile_pass": lambda c: [
+ SabreLayout(coupling_map=CouplingMap(c), skip_routing=False),
+ ],
+ "origin": "qiskit",
},
]
def get_actions_synthesis() -> list[dict[str, Any]]:
+ """Returns a list of dictionaries containing information about the synthesis passes that are available."""
return [
{
"name": "BasisTranslator",
@@ -240,57 +289,70 @@ def get_actions_synthesis() -> list[dict[str, Any]]:
def get_action_terminate() -> dict[str, Any]:
+ """Returns a dictionary containing information about the terminate pass that is available."""
return {"name": "terminate"}
-def get_actions_devices() -> list[dict[str, Any]]:
+def get_devices() -> list[dict[str, Any]]:
+ """Returns a list of dictionaries containing information about the devices that are available."""
return [
{
"name": "ibm_washington",
- "transpile_pass": [],
- "full_connectivity": False,
"cmap": get_cmap_from_devicename("ibm_washington"),
+ "native_gates": get_native_gates("ibm"),
"max_qubits": 127,
},
{
"name": "ibm_montreal",
- "transpile_pass": [],
- "device": "ibm_montreal",
- "full_connectivity": False,
"cmap": get_cmap_from_devicename("ibm_montreal"),
+ "native_gates": get_native_gates("ibm"),
"max_qubits": 27,
},
{
"name": "oqc_lucy",
- "transpile_pass": [],
- "device": "oqc_lucy",
- "full_connectivity": False,
"cmap": get_cmap_from_devicename("oqc_lucy"),
+ "native_gates": get_native_gates("oqc"),
"max_qubits": 8,
},
{
"name": "rigetti_aspen_m2",
- "transpile_pass": [],
- "device": "rigetti_aspen_m2",
- "full_connectivity": False,
"cmap": get_cmap_from_devicename("rigetti_aspen_m2"),
+ "native_gates": get_native_gates("rigetti"),
"max_qubits": 80,
},
{
- "name": "ionq11",
- "transpile_pass": [],
- "device": "ionq11",
- "full_connectivity": True,
- "cmap": get_cmap_from_devicename("ionq11"),
+ "name": "ionq_harmony",
+ "cmap": get_cmap_from_devicename("ionq_harmony"),
+ "native_gates": get_native_gates("ionq"),
"max_qubits": 11,
},
+ {
+ "name": "ionq_aria1",
+ "cmap": get_cmap_from_devicename("ionq_aria1"),
+ "native_gates": get_native_gates("ionq"),
+ "max_qubits": 25,
+ },
+ {
+ "name": "quantinuum_h2",
+ "cmap": get_cmap_from_devicename("quantinuum_h2"),
+ "native_gates": get_native_gates("quantinuum"),
+ "max_qubits": 32,
+ },
]
-def get_state_sample() -> QuantumCircuit:
+def get_state_sample(max_qubits: int | None = None) -> tuple[QuantumCircuit, str]:
+ """Returns a random quantum circuit from the training circuits folder.
+
+ Args:
+ max_qubits (int, None): The maximum number of qubits the returned quantum circuit may have. If no limit is set, it defaults to None.
+
+ Returns:
+ tuple[QuantumCircuit, str]: A tuple containing the random quantum circuit and the path to the file from which it was read.
+ """
file_list = list(get_path_training_circuits().glob("*.qasm"))
- path_zip = get_path_training_circuits() / "mqtbench_sample_circuits.zip"
+ path_zip = get_path_training_circuits() / "training_data_compilation.zip"
if len(file_list) == 0 and path_zip.exists():
import zipfile
@@ -300,99 +362,32 @@ def get_state_sample() -> QuantumCircuit:
file_list = list(get_path_training_circuits().glob("*.qasm"))
assert len(file_list) > 0
- random_index = np.random.randint(len(file_list))
+ found_suitable_qc = False
+ while not found_suitable_qc:
+ random_index = np.random.randint(len(file_list))
+ num_qubits = int(str(file_list[random_index]).split("_")[-1].split(".")[0])
+ if max_qubits and num_qubits > max_qubits:
+ continue
+ found_suitable_qc = True
+
try:
qc = QuantumCircuit.from_qasm_file(str(file_list[random_index]))
except Exception:
raise RuntimeError("Could not read QuantumCircuit from: " + str(file_list[random_index])) from None
- return qc
-
-
-def get_ibm_native_gates() -> list[str]:
- return ["rz", "sx", "x", "cx", "measure"]
-
-
-def get_rigetti_native_gates() -> list[str]:
- return ["rx", "rz", "cz", "measure"]
-
-
-def get_ionq_native_gates() -> list[str]:
- return ["rxx", "rz", "ry", "rx", "measure"]
-
+ return qc, str(file_list[random_index])
-def get_oqc_native_gates() -> list[str]:
- return ["rz", "sx", "x", "ecr", "measure"]
+def create_feature_dict(qc: QuantumCircuit) -> dict[str, int | NDArray[np.float_]]:
+ """Creates a feature dictionary for a given quantum circuit.
-def get_rigetti_aspen_m2_map() -> list[list[int]]:
- """Returns a coupling map of Rigetti Aspen M2 chip."""
- c_map_rigetti = []
- for j in range(5):
- for i in range(7):
- c_map_rigetti.append([i + j * 8, i + 1 + j * 8])
-
- if i == 6:
- c_map_rigetti.append([0 + j * 8, 7 + j * 8])
-
- if j != 0:
- c_map_rigetti.append([j * 8 - 6, j * 8 + 5])
- c_map_rigetti.append([j * 8 - 7, j * 8 + 6])
-
- for j in range(5):
- m = 8 * j + 5 * 8
- for i in range(7):
- c_map_rigetti.append([i + m, i + 1 + m])
-
- if i == 6:
- c_map_rigetti.append([0 + m, 7 + m])
-
- if j != 0:
- c_map_rigetti.append([m - 6, m + 5])
- c_map_rigetti.append([m - 7, m + 6])
-
- for n in range(5):
- c_map_rigetti.append([n * 8 + 3, n * 8 + 5 * 8])
- c_map_rigetti.append([n * 8 + 4, n * 8 + 7 + 5 * 8])
-
- inverted = [[item[1], item[0]] for item in c_map_rigetti]
-
- return c_map_rigetti + inverted
-
-
-def get_ionq11_c_map() -> list[list[int]]:
- ionq11_c_map = []
- for i in range(11):
- for j in range(11):
- if i != j:
- ionq11_c_map.append([i, j])
- return ionq11_c_map
-
-
-def get_cmap_oqc_lucy() -> list[list[int]]:
- """Returns the coupling map of the OQC Lucy quantum computer."""
- # source: https://github.com/aws/amazon-braket-examples/blob/main/examples/braket_features/Verbatim_Compilation.ipynb
-
- # Connections are NOT bidirectional, this is not an accident
- return [[0, 1], [0, 7], [1, 2], [2, 3], [7, 6], [6, 5], [4, 3], [4, 5]]
-
-
-def get_cmap_from_devicename(device: str) -> Any:
- if device == "ibm_washington":
- return FakeWashington().configuration().coupling_map
- if device == "ibm_montreal":
- return FakeMontreal().configuration().coupling_map
- if device == "rigetti_aspen_m2":
- return get_rigetti_aspen_m2_map()
- if device == "oqc_lucy":
- return get_cmap_oqc_lucy()
- if device == "ionq11":
- return get_ionq11_c_map()
- error_msg = "Unknown device name"
- raise ValueError(error_msg)
+ Args:
+ qc (QuantumCircuit): The quantum circuit for which the feature dictionary is created.
+ Returns:
+ dict[str, Any]: The feature dictionary for the given quantum circuit.
+ """
-def create_feature_dict(qc: QuantumCircuit) -> dict[str, Any]:
feature_dict = {
"num_qubits": qc.num_qubits,
"depth": qc.depth(),
@@ -410,18 +405,29 @@ def create_feature_dict(qc: QuantumCircuit) -> dict[str, Any]:
def get_path_training_data() -> Path:
+ """Returns the path to the training data folder used for RL training."""
return Path(str(resources.files("mqt.predictor"))) / "rl" / "training_data"
def get_path_trained_model() -> Path:
+ """Returns the path to the trained model folder used for RL training."""
return get_path_training_data() / "trained_model"
def get_path_training_circuits() -> Path:
+ """Returns the path to the training circuits folder used for RL training."""
return get_path_training_data() / "training_circuits"
def load_model(model_name: str) -> MaskablePPO:
+ """Loads a trained model from the trained model folder.
+
+ Args:
+ model_name (str): The name of the model to be loaded.
+
+ Returns:
+ MaskablePPO: The loaded model.
+ """
path = get_path_trained_model()
if Path(path / (model_name + ".zip")).exists():
@@ -436,13 +442,16 @@ def load_model(model_name: str) -> MaskablePPO:
raise RuntimeError(error_msg) from None
version_found = False
- response = requests.get("https://api.github.com/repos/cda-tum/mqtpredictor/tags")
+ response = requests.get("https://api.github.com/repos/cda-tum/mqt-predictor/tags")
available_versions = []
+ if not response:
+ error_msg = "Querying the GitHub API failed. One reasons could be that the limit of 60 API calls per hour and IP address is exceeded."
+ raise RuntimeError(error_msg)
for elem in response.json():
available_versions.append(elem["name"])
for possible_version in available_versions:
if version.parse(mqtpredictor_module_version) >= version.parse(possible_version):
- url = "https://api.github.com/repos/cda-tum/mqtpredictor/releases/tags/" + possible_version
+ url = "https://api.github.com/repos/cda-tum/mqt-predictor/releases/tags/" + possible_version
response = requests.get(url)
if not response:
error_msg = "Suitable trained models cannot be downloaded since the GitHub API failed. One reasons could be that the limit of 60 API calls per hour and IP address is exceeded."
@@ -468,13 +477,19 @@ def load_model(model_name: str) -> MaskablePPO:
break
if not version_found:
- error_msg = "No suitable model found on GitHub. Please update your mqt.predictort package using 'pip install -U mqt.predictor'."
+ error_msg = "No suitable model found on GitHub. Please update your mqt.predictor package using 'pip install -U mqt.predictor'."
raise RuntimeError(error_msg) from None
return MaskablePPO.load(path / model_name)
def handle_downloading_model(download_url: str, model_name: str) -> None:
+ """Downloads a trained model from the given URL and saves it to the trained model folder.
+
+ Args:
+ download_url (str): The URL from which the model is downloaded.
+ model_name (str): The name of the model to be downloaded.
+ """
logger.info("Start downloading model...")
r = requests.get(download_url)
@@ -502,6 +517,43 @@ class PreProcessTKETRoutingAfterQiskitLayout:
The trivial layout indices that this layout of the physical qubits is the identity mapping.
"""
- def apply(self, circuit: Circuit) -> Circuit:
+ def apply(self, circuit: Circuit) -> None:
+ """Applies the pre-processing step to route a circuit with tket after a Qiskit Layout pass has been applied."""
mapping = {Qubit(i): Node(i) for i in range(circuit.n_qubits)}
place_with_map(circuit=circuit, qmap=mapping)
+
+
+def get_device(device_name: str) -> dict[str, Any]:
+ """Returns the device with the given name.
+
+ Args:
+ device_name (str): The name of the device to be returned.
+
+ Returns:
+ dict[str, Any]: The device with the given name.
+ """
+ devices = get_devices()
+ for device in devices:
+ if device["name"] == device_name:
+ return device
+
+ msg = "No suitable device found."
+ raise RuntimeError(msg)
+
+
+def get_device_index_of_device(device_name: str) -> int:
+ """Returns the index of the device with the given name.
+
+ Args:
+ device_name (str): The name of the device to be returned.
+
+ Returns:
+ int: The index of the device with the given name.
+ """
+ devices = get_devices()
+ for i, device in enumerate(devices):
+ if device["name"] == device_name:
+ return i
+
+ msg = "No suitable device found."
+ raise RuntimeError(msg)
diff --git a/src/mqt/predictor/rl/training_data/trained_model/.gitkeep b/src/mqt/predictor/rl/training_data/trained_model/.gitkeep
new file mode 100644
index 000000000..e69de29bb
diff --git a/src/mqt/predictor/rl/training_data/trained_model/res.csv b/src/mqt/predictor/rl/training_data/trained_model/res.csv
deleted file mode 100644
index ef262d2f4..000000000
--- a/src/mqt/predictor/rl/training_data/trained_model/res.csv
+++ /dev/null
@@ -1,503 +0,0 @@
-benchmark,num_qubits,RL_fidelity_time,RL_fidelity_fidelity,RL_fidelity_critical_depth,RL_fidelity_gate_ratio,RL_fidelity_mix,RL_critical_depth_time,RL_critical_depth_fidelity,RL_critical_depth_critical_depth,RL_critical_depth_gate_ratio,RL_critical_depth_mix,RL_mix_time,RL_mix_fidelity,RL_mix_critical_depth,RL_mix_gate_ratio,RL_mix_mix,RL_gate_ratio_time,RL_gate_ratio_fidelity,RL_gate_ratio_critical_depth,RL_gate_ratio_gate_ratio,RL_gate_ratio_mix,qiskit_o3_time,qiskit_o3_fidelity,qiskit_o3_critical_depth,qiskit_o3_gate_ratio,qiskit_o3_mix,tket_time,tket_fidelity,tket_critical_depth,tket_gate_ratio,tket_mix
-qft,8,7.4577391147613525,0.1392759269,0.2534246575,0.7260787992,0.1963502922,1.9455680847167969,0.0310686159,0.5735294118,0.8482142857,0.30229901385,2.544236898422241,0.0310686159,0.5735294118,0.8482142857,0.30229901385,3.0637989044189453,0.0310686159,0.5735294118,0.8482142857,0.30229901385,0.2254619598388672,0.1208629318,0.3409090909,0.4782608696,0.23088601135,1.49458909034729,0.2452830875,0.375,0.7793103448,0.31014154375
-portfolioqaoa,7,5.299858808517456,0.0660449134,0.3445692884,0.633744856,0.2053071009,3.966435194015503,0.0224184387,0.6031746032,0.9010989011,0.31279652095000005,3.2549638748168945,0.0224184387,0.6031746032,0.9010989011,0.31279652095000005,4.5894060134887695,0.0,0.4807692308,0.9213709677,0.2403846154,1.6014888286590576,0.1088740698,0.3231441048,0.5553398058,0.2160090873,0.9418768882751465,0.0007157345,0.4471544715,0.7906382979,0.223935103
-qaoa,6,6.4242448806762695,0.4182902699,0.4567901235,0.6666666667,0.4375401967,4.920807838439941,0.1144954695,0.5245901639,0.6702702703,0.3195428167,2.944206953048706,0.4571242878,0.5833333333,0.9166666667,0.52022881055,1.5889873504638672,0.0112124479,0.5128205128,0.9315789474,0.26201648034999997,1.7164299488067627,0.2846793155,0.3333333333,0.7194244604,0.3090063244,0.2595329284667969,0.1510470001,0.4126984127,0.7490039841,0.2818727064
-ae,7,3.0901079177856445,0.4359633329,0.2444444444,0.6086956522,0.34020388865,1.5193347930908203,0.0944352353,0.2857142857,0.8830083565,0.1900747605,5.446977853775024,1.525e-07,0.3289473684,0.9427710843,0.16447376045,4.39299201965332,1.35089e-05,0.362962963,0.9243697479,0.18148823595000002,0.10846900939941406,0.1826328137,0.0857142857,0.6713615023,0.1341735497,0.4256250858306885,0.2534877409,0.2688172043,0.7895927602,0.26115247259999996
-wstate,7,2.1416027545928955,0.8020354002,0.3333333333,0.8846153846,0.56768436675,2.1150600910186768,0.5691830766,0.3333333333,0.8775510204,0.45125820495,2.4824512004852295,0.7449049386,0.3333333333,0.8965517241,0.5391191359499999,1.5548548698425293,0.1632748553,0.3333333333,0.9516129032,0.2483040943,0.2084217071533203,0.6141845216,0.3333333333,0.7857142857,0.47375892745000003,0.2939729690551758,0.7644261679,0.3333333333,0.914893617,0.5488797505999999
-ghz,9,3.509758949279785,0.6730520213,0.0,0.4137931034,0.33652601065,12.370725154876709,0.6418264304,0.0,0.9436619718,0.3209132152,5.032413005828857,0.6326681137,0.0,0.4615384615,0.31633405685,1.173570156097412,0.3532048812,0.0,0.9727891156,0.1766024406,0.23156404495239258,0.7572442378,0.0,0.6,0.3786221189,0.10022997856140137,0.7678648995,0.0,0.9245283019,0.38393244975
-portfoliovqe,8,6.47698712348938,3.15548e-05,0.365356623,0.5638095238,0.1826940889,1.8811471462249756,0.0072694569,0.6547619048,0.8944723618,0.33101568085,2.2421109676361084,0.0072694569,0.6547619048,0.8944723618,0.33101568085,5.0838868618011475,0.0,0.5444444444,0.9258893281,0.2722222222,0.8158800601959229,0.0020553291,0.3852140078,0.6280752533,0.19363466845,1.4140880107879639,0.0009709346,0.4833333333,0.6753246753,0.24215213395
-vqe,11,2.3702280521392822,0.5875893381,0.3043478261,0.8844221106,0.4459685821,1.2497992515563965,0.3488519554,0.4,0.8611111111,0.3744259777,2.4040939807891846,0.3488519554,0.4,0.8611111111,0.3744259777,2.6662893295288086,0.0888363403,0.4,0.96996997,0.24441817015,0.15247535705566406,0.3858775467,0.4,0.8742138365,0.39293877335000005,0.2584071159362793,0.6254274554,0.4,0.9212598425,0.5127137277
-qpeexact,15,16.81006622314453,0.0035045018,0.5032822757,0.8538067818,0.25339338874999995,3.654416799545288,0.0,0.6556122449,0.2603773585,0.32780612245,2.872941017150879,9.5855e-06,0.6648301194,0.2754491018,0.33241985245,2.1061580181121826,0.0,0.5518341308,0.8694565896,0.2759170654,2.1409289836883545,0.0001227266,0.4375,0.4725274725,0.2188113633,7.24176812171936,1.17901e-05,0.535483871,0.7014925373,0.26774783054999995
-wstate,18,5.094771862030029,0.3666846069,0.2857142857,0.8558823529,0.3261994463,5.131527900695801,1.1e-09,0.5680473373,0.8669291339,0.2840236692,3.438722848892212,0.3254635914,0.3043478261,0.8391608392,0.31490570875,4.37470817565918,5.741e-07,0.4098360656,0.8813229572,0.20491831985,0.7653050422668457,0.2816715219,0.4411764706,0.7806451613,0.36142399625,0.3837089538574219,0.1754532795,0.4411764706,0.9137055838,0.30831487505
-twolocalrandom,3,4.069226980209351,0.7053854185,0.0,0.6538461538,0.35269270925,3.714945077896118,0.1930838903,0.0,0.9090909091,0.09654194515,9.313042879104614,0.8507321146,0.0,0.8360655738,0.4253660573,2.8050081729888916,0.1694352684,0.0,0.9333333333,0.0847176342,0.1285390853881836,0.7463039891,0.0,0.7532467532,0.37315199455,0.1242380142211914,0.4050650143,0.0,0.8235294118,0.20253250715
-dj,5,2.078658103942871,0.8840451363,0.0,0.8372093023,0.44202256815,1.8946619033813477,0.6929497365,0.24,0.5901639344,0.46647486825,15.828634262084961,0.8000719724,0.0,0.8372093023,0.4000359862,1.3755719661712646,0.1102268139,0.1578947368,0.928030303,0.13406077535,0.028011083602905273,0.5789975413,0.0,0.8,0.28949877065,0.17467689514160156,0.8858114952,0.0,0.8372093023,0.4429057476
-qpeexact,5,20.29513692855835,0.6021339195,0.1136363636,0.572815534,0.35788514154999995,1.23940110206604,0.2585171041,0.1923076923,0.8563535912,0.2254123982,2.945568084716797,0.5194816657,0.22,0.5412844037,0.36974083285,3.319031000137329,0.0003529416,0.275,0.9214916585,0.1376764708,0.1990811824798584,0.5167975066,0.0526315789,0.6041666667,0.28471454275,0.24948477745056152,0.5677390753,0.0,0.8315217391,0.28386953765
-realamprandom,4,3.0652480125427246,0.714101498,0.0,0.6829268293,0.357050749,0.023466825485229492,0.4080208817,0.2777777778,0.8363636364,0.34289932975000004,2.9806699752807617,0.4080208817,0.2777777778,0.8363636364,0.34289932975000004,3.278601884841919,0.0074010189,0.2424242424,0.9246575342,0.12491263065,0.3089442253112793,0.4924767899,0.0,0.7281553398,0.24623839495,0.22474336624145508,0.2534812171,0.0,0.8153846154,0.12674060855
-su2random,4,19.488693952560425,0.5111378888,0.0909090909,0.56,0.30102348985,0.10056400299072266,0.3831507881,0.2777777778,0.8656716418,0.33046428294999997,2.3324239253997803,0.3450234487,0.2777777778,0.8965517241,0.31140061325,2.6292710304260254,0.0005873997,0.2608695652,0.9243421053,0.13072848245,0.20556211471557617,0.4924767899,0.0,0.7358490566,0.24623839495,0.19481825828552246,0.2526484057,0.0,0.8371040724,0.12632420285
-ae,12,20.347645044326782,0.001374812,0.3595679012,0.5484320557,0.1804713566,3.7074267864227295,1.427e-06,0.6116071429,0.3475728155,0.30580428495,3.9438908100128174,0.0005164101,0.5405405405,0.501497006,0.2705284753,7.524529933929443,0.0,0.4077669903,0.9269503546,0.20388349515,3.442873239517212,0.0216237172,0.3333333333,0.6043956044,0.17747852525,4.127873182296753,0.0061049869,0.4021164021,0.7138531416,0.2041106945
-qpeexact,16,20.357758045196533,0.0004369329,0.5755287009,0.6242905789,0.2879828169,3.6968231201171875,0.0,0.6994660564,0.2622397299,0.3497330282,4.914895057678223,8.87e-08,0.6064257028,0.3187414501,0.30321289575,12.457896947860718,0.0,0.5703839122,0.9038917684,0.2851919561,1.8996970653533936,3.00399e-05,0.4760383387,0.4817880795,0.2380341893,2.45241117477417,1.38e-07,0.5540897098,0.6978876046,0.2770449239
-pricingput,5,19.063333749771118,0.457540803,0.0365853659,0.6771653543,0.24706308445,2.932431936264038,0.1401537687,0.1153846154,0.6994219653,0.12776919204999998,4.153294086456299,0.356912159,0.1229508197,0.8851224105,0.23993148935,6.883472204208374,0.0001275607,0.0549450549,0.9158186864,0.0275363078,1.8709311485290527,0.1723673112,0.0441176471,0.7312252964,0.10824247915,0.3923811912536621,0.2887562307,0.0326086957,0.8178217822,0.16068246320000001
-qgan,6,15.723639726638794,0.6570637196,0.2380952381,0.7823834197,0.44757947885,1.4241321086883545,0.3630292438,0.3950617284,0.6823529412,0.3790454861,3.3675670623779297,0.4905301095,0.3703703704,0.7313432836,0.43045023995,3.856187105178833,0.0090887718,0.3333333333,0.9343065693,0.17121105255,0.13822317123413086,0.3161444695,0.1935483871,0.7919463087,0.25484642830000004,0.26949191093444824,0.5698911586,0.2222222222,0.7540983607,0.39605669039999997
-graphstate,5,3.4352169036865234,0.8516687588,0.0909090909,0.8196721311,0.47128892485,29.82397484779358,0.0870569728,0.4615384615,0.585106383,0.27429771715,3.7099709510803223,0.7216849085,0.2,0.9166666667,0.46084245425000003,3.3216660022735596,0.040491035,0.4375,0.9262672811,0.2389955175,0.0660560131072998,0.5468772071,0.0909090909,0.7027027027,0.318893149,0.13630080223083496,0.5541593003,0.1176470588,0.7638888889,0.33590317955000004
-groundstate,12,9.675266027450562,0.0029451841,0.5424836601,0.4461538462,0.2727144221,6.524593830108643,0.0,0.708,0.8361730013,0.354,6.910717248916626,0.0004587037,0.6872246696,0.5332419465,0.34384168665,7.383896827697754,0.0,0.5235507246,0.9100391134,0.2617753623,3.2035601139068604,4.31641e-05,0.596107056,0.6608910891,0.29807511005000004,7.435669183731079,1.15459e-05,0.5649452269,0.5790513834,0.2824783864
-qgan,12,19.387936115264893,0.0117091473,0.3214285714,0.5889070147,0.16656885935,6.182060956954956,0.0,0.675,0.8404255319,0.3375,3.6683781147003174,0.0055853235,0.625,0.6043956044,0.31529266175,4.5570690631866455,0.0,0.5035460993,0.8350877193,0.25177304965,8.815797805786133,0.0047418996,0.4020618557,0.7001545595,0.20340187765,6.910181760787964,0.0115761159,0.4285714286,0.6120689655,0.22007377225000002
-ae,8,30.604209184646606,0.2236049505,0.276119403,0.7303822938,0.24986217675,3.0286240577697754,0.0450419565,0.3571428571,0.8785249458,0.20109240679999998,10.178884267807007,0.0450419565,0.3571428571,0.8785249458,0.20109240679999998,0.21062397956848145,0.0450419565,0.3571428571,0.8785249458,0.20109240679999998,0.37587666511535645,0.1735657961,0.1619047619,0.6082089552,0.16773527900000001,0.7314951419830322,0.0274389829,0.328358209,0.764084507,0.17789859595000002
-vqe,13,8.268578052520752,0.486375308,0.303030303,0.8630705394,0.39470280550000003,5.734224796295166,0.0250109336,0.5851851852,0.6064139942,0.30509805939999995,2.4400007724761963,0.5124621385,0.4333333333,0.8484848485,0.4728977359,4.712796926498413,6.2e-09,0.419047619,0.8886532344,0.2095238126,0.19640302658081055,0.4330592197,0.4166666667,0.875,0.4248629432,0.2539381980895996,0.5651758805,0.4166666667,0.9210526316,0.49092127360000004
-graphstate,12,6.764325141906738,0.5260121943,0.4583333333,0.8181818182,0.49217276379999997,5.763861894607544,0.0102722298,0.7311827957,0.3921568627,0.37072751275,5.262446165084839,0.523081853,0.5128205128,0.7547169811,0.5179511829,3.773052930831909,0.0042888072,0.5555555556,0.8474576271,0.2799221814,0.18398690223693848,0.256302079,0.4736842105,0.7054263566,0.36499314475,0.3819141387939453,0.4074608428,0.5833333333,0.8545454545,0.49539708805000005
-pricingcall,5,10.569533824920654,0.3862008176,0.0731707317,0.6974169742,0.22968577465,5.026379108428955,0.194511118,0.1438848921,0.5813253012,0.16919800505,3.7742462158203125,0.4667464399,0.0365853659,0.6510638298,0.2516659029,8.79076623916626,0.0001409961,0.1101694915,0.9266625233,0.055155243799999996,0.13372325897216797,0.1854975244,0.0909090909,0.7261410788,0.13820330765,0.31738901138305664,0.3226193645,0.0365853659,0.8225108225,0.1796023652
-qftentangled,6,12.67887806892395,0.4512393465,0.1964285714,0.908496732,0.32383395895,2.316941261291504,0.1071518908,0.4772727273,0.8456140351,0.29221230905,10.362775087356567,0.1071518908,0.4772727273,0.8456140351,0.29221230905,0.37950587272644043,8.4082e-06,0.4899328859,0.9198924731,0.24497064705,0.4366731643676758,0.1871540931,0.2777777778,0.5636363636,0.23246593545,0.40330004692077637,0.3824313592,0.2676056338,0.8044077135,0.32501849650000003
-qftentangled,11,14.432429075241089,0.0091432908,0.4857142857,0.7975578406,0.24742878825,2.9505112171173096,0.0010549127,0.6814814815,0.8457142857,0.3412681971,9.658331155776978,0.0010549127,0.6814814815,0.8457142857,0.3412681971,4.6486592292785645,2.11161e-05,0.6666666667,0.9531433034,0.3333438914,1.297656774520874,0.0027373838,0.4618181818,0.5115452931,0.2322777828,10.689543962478638,0.0005772817,0.4583333333,0.7558685446,0.22945530749999998
-qgan,13,27.22817897796631,0.0006337235,0.334841629,0.6821668265,0.16773767625,0.5448520183563232,6.2e-09,0.5607344633,0.4786450663,0.28036723474999997,4.621261119842529,0.0108759456,0.4884259259,0.5582822086,0.24965093575,13.167240142822266,0.0,0.6666666667,0.8393556813,0.33333333335,1.1946768760681152,0.0268979916,0.4439655172,0.688590604,0.2354317544,5.261607885360718,0.0040243336,0.7091503268,0.6584821429,0.3565873302
-ghz,12,2.5973050594329834,0.61477306,0.0,0.3658536585,0.30738653,0.23896384239196777,0.1364208696,0.3970588235,0.1807228916,0.26673984655,3.7797691822052,0.583466592,0.3428571429,0.3,0.46316186745,1.8335349559783936,0.0002947313,0.3191489362,0.863372093,0.15972183375000001,0.11125302314758301,0.5763532555,0.0,0.5769230769,0.28817662775,0.13970518112182617,0.717963403,0.0,0.924137931,0.3589817015
-su2random,3,1.9890737533569336,0.7305149385,0.0,0.78125,0.36525746925,29.056339979171753,0.542979549,0.0,0.9230769231,0.2714897745,1.661849021911621,0.731319044,0.0,0.7575757576,0.365659522,2.8943288326263428,0.1353319963,0.0,0.9357798165,0.06766599815,0.2179889678955078,0.7463386245,0.0,0.7654320988,0.37316931225,0.1186838150024414,0.4045669882,0.0,0.8372093023,0.2022834941
-qftentangled,6,2.267274856567383,0.4737994382,0.2674418605,0.4556962025,0.37062064935,3.244279146194458,0.0350865554,0.4369747899,0.3769633508,0.23603067265,1.3865680694580078,0.1071518908,0.4772727273,0.8456140351,0.29221230905,7.536128997802734,5.7036e-06,0.4809160305,0.9203163017,0.24046086705,0.21371698379516602,0.1871540931,0.2777777778,0.5609756098,0.23246593545,0.3927280902862549,0.3824313592,0.2676056338,0.8044077135,0.32501849650000003
-qpeexact,3,3.9830989837646484,0.862775187,0.0,0.75,0.4313875935,22.954224109649658,0.9372955357,0.0,0.96,0.46864776785,0.6212248802185059,0.8953283742,0.0,0.75,0.4476641871,1.6082789897918701,0.4510150569,0.0,0.9333333333,0.22550752845,0.08147907257080078,0.8885342881,0.0,0.8571428571,0.44426714405,0.06347513198852539,0.901509168,0.0,0.8823529412,0.450754584
-realamprandom,12,17.027791023254395,3.93998e-05,0.5736235595,0.2439496612,0.28683147965,8.054600954055786,0.0,0.7604938272,0.1717791411,0.3802469136,2.71763014793396,1.3914e-06,0.7172774869,0.2107438017,0.35863943915,3.916057825088501,0.0,0.4942084942,0.8634686347,0.2471042471,4.561639785766602,0.0013996192,0.625,0.7179487179,0.3131998096,7.947779893875122,1.909e-07,0.613559322,0.6087533156,0.30677975645
-groundstate,4,3.9969022274017334,0.7491057921,0.0,0.8,0.37455289605,1.877040147781372,0.5557295994,0.2222222222,0.7133757962,0.3889759108,2.4838201999664307,0.6491368999,0.0,0.7567567568,0.32456844995,3.515756130218506,0.0585318302,0.1515151515,0.95,0.10502349085,0.10419082641601562,0.5493809446,0.0,0.6956521739,0.2746904723,0.15879511833190918,0.4111275563,0.0,0.8278688525,0.20556377815
-ghz,15,13.780455827713013,0.4773073188,0.0,0.3829787234,0.2386536594,2.0070509910583496,0.0203035004,0.4071428571,0.1139240506,0.21372317875,2.366921901702881,0.4713527841,0.3461538462,0.4090909091,0.40875331515,2.9057679176330566,2.5337e-06,0.3396226415,0.934648582,0.16981258759999998,0.3472170829772949,0.528643537,0.0,0.5625,0.2643217685,0.15590810775756836,0.4776174386,0.0,0.9239130435,0.2388087193
-qft,4,14.332580089569092,0.7951252273,0.1851851852,0.5090909091,0.49015520625,8.15866494178772,0.4281378286,0.1666666667,0.9289940828,0.29740224765,2.328423261642456,0.6736519782,0.2424242424,0.4590163934,0.45803811029999997,2.8187458515167236,0.0024254611,0.3461538462,0.9195876289,0.17428965365000001,0.17074799537658691,0.756900508,0.2,0.5901639344,0.47845025399999996,0.14584779739379883,0.6570716887,0.0,0.856,0.32853584435
-wstate,7,2.199565887451172,0.7609263689,0.3333333333,0.85,0.5471298511,0.1951439380645752,0.5691830766,0.3333333333,0.8965517241,0.45125820495,1.8795201778411865,0.7449049386,0.3333333333,0.8965517241,0.5391191359499999,2.4096601009368896,0.1632748553,0.3333333333,0.9516129032,0.2483040943,0.10189223289489746,0.6141845216,0.3333333333,0.7857142857,0.47375892745000003,0.13972783088684082,0.7644261679,0.3333333333,0.914893617,0.5488797505999999
-graphstate,3,2.0604381561279297,0.8328137295,0.0,0.7692307692,0.41640686475,11.404011964797974,0.1855926933,0.4285714286,0.925,0.30708206095,0.702078104019165,0.8956212894,0.0,0.8181818182,0.4478106447,2.0294930934906006,0.6989576324,0.0,0.9693877551,0.3494788162,0.07105803489685059,0.8978094411,0.0,0.8571428571,0.44890472055,0.10145306587219238,0.732348255,0.0,0.85,0.3661741275
-ghz,5,1.2192387580871582,0.8998422219,0.0,0.6666666667,0.44992111095,2.936833143234253,0.7365958929,0.0,0.6666666667,0.36829794645,6.991544008255005,0.8989428375,0.0,0.6666666667,0.44947141875,1.5785229206085205,0.5896567373,0.0,0.9733333333,0.29482836865,0.018821001052856445,0.87527228,0.0,0.6666666667,0.43763614,0.151076078414917,0.8647845818,0.0,0.9259259259,0.4323922909
-dj,10,2.485507011413574,0.6334611746,0.0,0.6875,0.3167305873,9.3957040309906,0.180587316,0.4090909091,0.6930232558,0.29483911255,0.9771451950073242,0.668819442,0.2,0.6875,0.43440972099999997,2.2453861236572266,0.389272697,0.0,0.9631147541,0.1946363485,0.10924696922302246,0.5957529141,0.0,0.7471264368,0.29787645705,0.31349778175354004,0.3980666093,0.0,0.76,0.19903330465
-qft,7,8.204898834228516,0.3726106997,0.2792792793,0.4,0.3259449895,0.6191051006317139,0.0734221919,0.5098039216,0.8495575221,0.29161305675,3.419365167617798,0.2239954511,0.4728682171,0.3798076923,0.3484318341,3.082962989807129,2.11632e-05,0.4786324786,0.9217391304,0.23932682090000001,0.5196418762207031,0.1740998345,0.3404255319,0.5252525253,0.2572626832,0.4344029426574707,0.4156313388,0.2666666667,0.7945205479,0.34114900275000004
-realamprandom,8,8.612295866012573,0.0495187888,0.3421052632,0.8371719336,0.195812026,0.8244578838348389,0.0175339314,0.6547619048,0.8173913043,0.3361479181,1.9180028438568115,0.0175339314,0.6547619048,0.8173913043,0.3361479181,1.0971238613128662,0.0175339314,0.6547619048,0.8173913043,0.3361479181,1.807579755783081,0.0045577611,0.4080717489,0.5476673428,0.206314755,1.149432897567749,0.000970306,0.4833333333,0.679144385,0.24215181965
-qpeexact,9,7.850636959075928,0.1368047044,0.3742690058,0.7385321101,0.2555368551,0.9853696823120117,0.0145873673,0.4756097561,0.8525179856,0.2450985617,4.499680995941162,0.0018435214,0.4347826087,0.9543952412,0.21831306505,0.37323498725891113,0.0145873673,0.4756097561,0.8525179856,0.2450985617,1.1707172393798828,0.095254704,0.2594936709,0.5741239892,0.17737418745,0.9264640808105469,0.1052199426,0.339869281,0.775,0.22254461180000001
-dj,9,4.5991199016571045,0.7229320316,0.0,0.7826086957,0.3614660158,2.8206381797790527,0.406972076,0.406779661,0.5496183206,0.4068758685,4.635155916213989,0.6616713239,0.28125,0.6923076923,0.47146066195,0.8346350193023682,0.5949688459,0.0,0.9157894737,0.29748442295,0.12855100631713867,0.5373251054,0.1111111111,0.75,0.32421810825,0.28714895248413086,0.4457847465,0.0,0.7472527473,0.22289237325
-qpeinexact,14,3.9899420738220215,0.0008668145,0.5033898305,0.3815513627,0.2521283225,2.730232000350952,5.1e-09,0.6694915254,0.2788388083,0.33474576525,4.4869349002838135,0.0001038688,0.634551495,0.3774560496,0.3173276819,12.126680850982666,0.0,0.5523917995,0.902325064,0.27619589975,0.8287091255187988,0.0031464084,0.4127358491,0.5426105717,0.20794112875,12.991515874862671,2.5945e-06,0.5673249551,0.7098958333,0.2836637748
-portfoliovqe,4,4.374279975891113,0.6192985515,0.0,0.8311688312,0.30964927575,2.0412228107452393,0.3378659218,0.2777777778,0.9010989011,0.30782184980000005,5.578613042831421,0.4825500185,0.2727272727,0.7053571429,0.37763864560000004,4.434314966201782,0.3378659218,0.2777777778,0.9010989011,0.30782184980000005,0.2430119514465332,0.3917342631,0.0,0.7209302326,0.19586713155,0.23128509521484375,0.2534812171,0.0,0.8172588832,0.12674060855
-wstate,14,3.0696897506713867,0.3710806219,0.2195121951,0.8446969697,0.2952964085,4.429792165756226,0.0217841295,0.5766423358,0.5141843972,0.29921323265,6.056626081466675,0.4979727127,0.375,0.8745098039,0.43648635635,17.853768825531006,0.0001233201,0.4390243902,0.884180791,0.21957385515,0.26119399070739746,0.4266453084,0.4230769231,0.781512605,0.42486111574999996,0.27103519439697266,0.5511481117,0.4230769231,0.9139072848,0.4871125174
-qaoa,12,10.421724081039429,0.3409165138,0.6140350877,0.905,0.47747580075,6.599740743637085,0.0002104326,0.6723163842,0.3655913978,0.33626340839999996,4.483053684234619,0.2498526372,0.688172043,0.6868686869,0.46901234010000004,3.811455011367798,8.57e-08,0.7083333333,0.9603305785,0.3541667095,0.38185811042785645,0.1593314913,0.7083333333,0.8048780488,0.4338324123,0.3658900260925293,0.1929941583,0.7083333333,0.8921348315,0.4506637458
-pricingput,9,3.8906378746032715,0.0497197281,0.2642045455,0.8772235787,0.15696213679999999,7.378418922424316,6.8598e-06,0.3270223752,0.4679487179,0.1635146175,5.811328172683716,0.0016360041,0.3366834171,0.5031210986,0.16915971059999999,2.830833911895752,0.0002973834,0.1776315789,0.8665496049,0.08896448115,0.5787980556488037,0.0157278753,0.1697416974,0.6723095526,0.09273478635,1.1840629577636719,0.0010413428,0.2540540541,0.7659709045,0.12754769845
-graphstate,9,3.5427019596099854,0.6161188145,0.4583333333,0.7714285714,0.5372260739,5.066459894180298,0.5559371835,0.5555555556,0.9166666667,0.55574636955,15.001136064529419,0.5559371835,0.5555555556,0.9166666667,0.55574636955,2.895393133163452,0.5559371835,0.5555555556,0.9166666667,0.55574636955,0.045645952224731445,0.5431521313,0.5185185185,0.6666666667,0.5308353249,0.6361122131347656,0.526651712,0.5,0.856,0.513325856
-su2random,8,27.097240686416626,0.0009848703,0.4781297134,0.299154334,0.23955729185,1.9258198738098145,0.0125375231,0.6547619048,0.8571428571,0.33364971395,12.864824771881104,0.0125375231,0.6547619048,0.8571428571,0.33364971395,1.2422080039978027,0.0,0.487654321,0.9201183432,0.2438271605,0.3537440299987793,0.0045483478,0.4080717489,0.5584158416,0.20631004835,1.0078153610229492,0.0009668578,0.4833333333,0.692937564,0.24215009555
-dj,3,3.047222852706909,0.9631150235,0.0,0.8947368421,0.48155751175,5.536796808242798,0.819271651,0.0,0.9038461538,0.4096358255,2.4803378582000732,0.9535717701,0.0,0.8947368421,0.47678588505,0.7779691219329834,0.7945001686,0.0,0.9677419355,0.3972500843,0.02161407470703125,0.9190206454,0.0,0.8823529412,0.4595103227,0.04316377639770508,0.9397938458,0.0,0.9090909091,0.4698969229
-realamprandom,10,24.373645067214966,0.0002702485,0.6884735202,0.2464788732,0.34437188435,2.2264339923858643,0.0015628623,0.7259259259,0.8137931034,0.36374439410000003,1.0534389019012451,0.0015628623,0.7259259259,0.8137931034,0.36374439410000003,1.7641479969024658,3.7219e-06,0.7259259259,0.9554455446,0.3629648239,0.6072359085083008,0.0002039729,0.4318181818,0.4936061381,0.21601107735,6.637887954711914,1.14036e-05,0.6026365348,0.6506578947,0.3013239692
-qpeinexact,13,45.66605997085571,0.0,0.5294117647,0.8981018981,0.26470588235,1.3582940101623535,0.0002239758,0.5661577608,0.2886877828,0.2831908683,2.318404197692871,0.0036043123,0.5865209472,0.3675115207,0.29506262975,4.5001819133758545,0.0,0.3825944171,0.9084898573,0.19129720855,2.0534589290618896,0.0044588432,0.3387533875,0.5399002494,0.17160611535,3.924535036087036,0.000102445,0.5859375,0.7451891175,0.2930199725
-portfoliovqe,3,19.05641508102417,0.7288365938,0.0,0.8125,0.3644182969,5.583603143692017,0.3438406528,0.0,0.937007874,0.1719203264,1.286027193069458,0.7163532867,0.0,0.829787234,0.35817664335,0.06443476676940918,0.1336260461,0.0,0.9430894309,0.06681302305,0.046987056732177734,0.7439136177,0.0,0.7865168539,0.37195680885,0.12357211112976074,0.4050650143,0.0,0.8205128205,0.20253250715
-ae,4,6.252346038818359,0.7606300416,0.0,0.8125,0.3803150208,1.9952621459960938,0.4429737214,0.0,0.9230769231,0.2214868607,5.067634344100952,0.6065791663,0.0,0.7857142857,0.30328958315,0.09856390953063965,0.1624902848,0.0952380952,0.9339622642,0.12886419,0.05037188529968262,0.7965441007,0.0,0.746031746,0.39827205035,0.12347698211669922,0.6517974857,0.0,0.8615384615,0.32589874285
-vqe,6,2.4082140922546387,0.7115673371,0.3,0.9056603774,0.50578366855,0.564751148223877,0.5875495869,0.3,0.8648648649,0.44377479345000004,4.169916868209839,0.5875495869,0.3,0.8648648649,0.44377479345000004,0.864616870880127,0.2642631585,0.3,0.9537037037,0.28213157925,0.31841492652893066,0.7640605952,0.3,0.8863636364,0.5320302976,0.13153934478759766,0.7860912609,0.3,0.9230769231,0.54304563045
-twolocalrandom,2,14.581932067871094,0.9063013221,0.0,0.9333333333,0.45315066105,1.4981741905212402,0.4985332324,0.0,0.9615384615,0.2492666162,3.015050172805786,0.8015441249,0.0,0.9333333333,0.40077206245,1.3342399597167969,0.6021394282,0.0,0.9615384615,0.3010697141,0.18058228492736816,0.9251305142,0.0,0.85,0.4625652571,0.0695810317993164,0.9160040437,0.0,0.8928571429,0.45800202185
-dj,13,4.596282720565796,0.4780671891,0.0,0.8458498024,0.23903359455,1.2746038436889648,0.0090261112,0.4137931034,0.3602941176,0.2114096073,10.710082054138184,0.4300708931,0.2631578947,0.706185567,0.34661439390000004,10.298516035079956,3.3248e-06,0.2051282051,0.9271028037,0.10256576495,0.521108865737915,0.3987404964,0.037037037,0.775,0.2178887667,0.3943490982055664,0.3457513116,0.0,0.7518796992,0.1728756558
-qft,10,3.6502039432525635,0.0932530561,0.4691943128,0.8074817518,0.28122368445,0.08066487312316895,0.0047203688,0.6476190476,0.847826087,0.3261697082,5.968569993972778,0.0047203688,0.6476190476,0.847826087,0.3261697082,7.197160959243774,0.0003798971,0.6222222222,0.9512195122,0.31130105965,1.1498610973358154,0.0672067948,0.4068627451,0.4822335025,0.23703476995,6.135771989822388,0.0026125051,0.4145299145,0.7609805924,0.2085712098
-pricingcall,9,2.909403085708618,0.0238629872,0.2295081967,0.4351851852,0.12668559195,7.749368190765381,0.0001823805,0.2652259332,0.4858585859,0.13270415685,4.965802192687988,0.00164074,0.3366834171,0.4968394437,0.16916207854999998,3.418597936630249,9.546e-07,0.1338028169,0.9589476727,0.06690188575,3.6043860912323,0.0174596899,0.1596958175,0.6606451613,0.0885777537,1.1091110706329346,0.013760018,0.2572347267,0.787568306,0.13549737235
-twolocalrandom,11,9.241833925247192,0.0002661107,0.6118326118,0.25,0.30604936125000004,6.508002042770386,0.000377835,0.7515151515,0.8125,0.37594649325,7.432966947555542,0.000377835,0.7515151515,0.8125,0.37594649325,5.6578450202941895,2.551e-07,0.7515151515,0.9549918167,0.3757577033,3.3622589111328125,0.0060640158,0.564738292,0.71640625,0.28540115390000004,11.269531011581421,8.219e-07,0.6319758673,0.6431646932,0.31598834459999997
-wstate,10,6.18233585357666,0.6604268583,0.3888888889,0.8959537572,0.5246578736,4.114527940750122,0.3626361872,0.3888888889,0.8838709677,0.37576253805000004,1.4111790657043457,0.6109800843,0.2727272727,0.8244680851,0.4418536785,4.920041084289551,0.1254786645,0.3888888889,0.9678571429,0.25718377670000003,0.2848482131958008,0.4596372927,0.3888888889,0.7831325301,0.4242630908,0.2025599479675293,0.6728479796,0.3888888889,0.9142857143,0.53086843425
-graphstate,10,10.117281198501587,0.684262345,0.25,0.8490566038,0.4671311725,2.4573209285736084,0.292636932,0.4,0.9705882353,0.34631846600000005,1.003796100616455,0.5828513715,0.6785714286,0.78125,0.63071140005,3.303960084915161,0.5208291071,0.4,0.9166666667,0.46041455355,0.27674269676208496,0.444496976,0.4736842105,0.6346153846,0.45909059325,0.32662415504455566,0.560548019,0.25,0.8823529412,0.4052740095
-ghz,19,9.48513913154602,0.469382225,0.0,0.4230769231,0.2346911125,2.902238130569458,0.00477346,0.455399061,0.7258687259,0.2300862605,2.971151113510132,0.3647912121,0.2456140351,0.2784810127,0.3052026236,4.107571840286255,3.91e-08,0.3452380952,0.9270833333,0.17261906715,0.354708194732666,0.439990812,0.0,0.55,0.219995406,0.1976618766784668,0.2612258534,0.0,0.9237288136,0.1306129267
-qftentangled,12,12.425443172454834,0.0556154963,0.5098039216,0.9069003286,0.28270970894999997,5.178829908370972,9.86e-08,0.741813602,0.2387344199,0.37090685030000003,4.781445026397705,0.0039335762,0.5444685466,0.3299418605,0.2742010614,4.133579969406128,0.0,0.5679347826,0.8697345133,0.2839673913,2.0640220642089844,0.0010166562,0.496969697,0.5168374817,0.2489931766,9.310590028762817,0.0022560302,0.5331491713,0.7601060305,0.26770260074999996
-ae,10,11.930514335632324,0.0034324902,0.4666666667,0.9104477612,0.23504957845000002,5.19734001159668,5.0524e-05,0.5352112676,0.4008438819,0.26763089580000005,6.875756025314331,0.0073775714,0.4666666667,0.873772791,0.23702211905,3.6380839347839355,0.0003466051,0.4666666667,0.9521276596,0.2335066359,1.7689039707183838,0.0285706915,0.3377483444,0.6629464286,0.18315951795000002,6.0893731117248535,0.0012024447,0.4444444444,0.7387096774,0.22282344455000003
-qaoa,15,11.631433010101318,0.2005649912,0.632183908,0.8566721582,0.41637444960000003,5.724657773971558,3.8979e-06,0.7534013605,0.3024911032,0.37670262919999997,4.27787709236145,0.1863478456,0.7361111111,0.7798165138,0.46122947835000006,4.578390836715698,0.0,0.6933333333,0.9541284404,0.34666666665,0.20112299919128418,0.125070023,0.7261904762,0.7469879518,0.4256302496,0.6594767570495605,0.0424419372,0.7179487179,0.805,0.38019532755
-qaoa,14,5.65744423866272,0.1133684016,0.6847826087,0.7430167598,0.39907550515,1.3009469509124756,1.49794e-05,0.7494199536,0.355754858,0.3747174665,24.51911687850952,0.1503629386,0.7786885246,0.6611111111,0.4645257316,3.567214250564575,2.0435e-06,0.7567567568,0.8699472759,0.37837940015,0.9221489429473877,0.1153508781,0.7093023256,0.7304075235,0.41232660185,0.556318998336792,0.0287715481,0.6206896552,0.8003442341,0.32473060165
-ghz,18,13.792884111404419,0.4629032989,0.0,0.9144736842,0.23145164945,4.205641031265259,0.0278009761,0.4596273292,0.1153846154,0.24371415265,10.92138409614563,0.3156867902,0.2769230769,0.2441860465,0.29630493355,4.531588792800903,8.89e-08,0.3707865169,0.8618012422,0.18539330289999997,0.6943376064300537,0.4805262312,0.0,0.5526315789,0.2402631156,0.20805692672729492,0.2682870414,0.0,0.9237668161,0.1341435207
-qftentangled,13,25.16869020462036,0.0014432927,0.5549450549,0.7326150833,0.2781941738,4.528548240661621,1.7e-09,0.7488584475,0.2480686695,0.3744292246,1.6774661540985107,0.0020566226,0.5766283525,0.3367217281,0.28934248754999997,5.362457990646362,0.0,0.5285714286,0.8699287705,0.2642857143,3.6231179237365723,0.0011176035,0.4975369458,0.5042735043,0.24932727465,5.8116819858551025,0.000504467,0.7121212121,0.7703016241,0.35631283955
-ae,11,22.26606583595276,0.029187986,0.1671232877,0.8119526018,0.09815563685,5.266171932220459,2.3711e-06,0.5332136445,0.3727477477,0.2666080078,9.776936292648315,0.0025736802,0.5090909091,0.8716452742,0.25583229465,1.7552249431610107,0.0025736802,0.5090909091,0.8716452742,0.25583229465,0.9882197380065918,0.0519390123,0.358974359,0.6206225681,0.20545668565,10.7203848361969,0.0020457529,0.4576923077,0.7623400366,0.2298690303
-graphstate,11,2.7276580333709717,0.4879381463,0.5454545455,0.9166666667,0.5166963459,3.272716760635376,0.0228885831,0.7248322148,0.4247104247,0.37386039895,0.9876790046691895,0.4879381463,0.5454545455,0.9166666667,0.5166963459,5.107590198516846,0.0058999376,0.3913043478,0.8345323741,0.1986021427,0.19185686111450195,0.5218355092,0.4230769231,0.7614678899,0.47245621615,0.30452799797058105,0.2853316752,0.6037735849,0.7087912088,0.44455263005
-qaoa,3,5.066255807876587,0.74240568,0.0,0.7391304348,0.37120284,2.398406982421875,0.3937011769,0.0,0.9402985075,0.19685058845,1.2302968502044678,0.6761096714,0.0,0.9166666667,0.3380548357,5.407206058502197,0.06607078,0.0,0.9306930693,0.03303539,0.3747990131378174,0.7143924467,0.0,0.7352941176,0.35719622335,0.12480688095092773,0.4178813108,0.0,0.8333333333,0.2089406554
-wstate,11,16.650906085968018,0.6015295961,0.275862069,0.8,0.43869583255,2.586421012878418,0.0294818291,0.6058394161,0.5566343042,0.3176606226,4.0301268100738525,0.3241726593,0.4,0.8837209302,0.36208632965,0.2921438217163086,0.0999543983,0.4,0.9677938808,0.24997719915,0.09702491760253906,0.3976366472,0.4,0.7826086957,0.3988183236,0.21727800369262695,0.6286270853,0.4,0.9141630901,0.5143135426500001
-qft,11,12.811851978302002,0.0177558544,0.5013262599,0.820219361,0.25954105715000003,0.31246304512023926,0.0016948661,0.672,0.8481166464,0.33684743305000003,1.4778361320495605,0.0016948661,0.672,0.8481166464,0.33684743305000003,15.921190977096558,6.84738e-05,0.6545454545,0.9509147702,0.32730696415,0.7481701374053955,0.0130894847,0.40625,0.4699792961,0.20966974235,10.727561235427856,0.0003032839,0.5134328358,0.7267536705,0.25686805985
-twolocalrandom,10,22.253904104232788,7.18e-08,0.5801526718,0.5996944232,0.29007637179999995,1.0699489116668701,0.0015628623,0.7259259259,0.8137931034,0.36374439410000003,15.505322933197021,0.0015628623,0.7259259259,0.8137931034,0.36374439410000003,16.59318208694458,3.7219e-06,0.7259259259,0.9554455446,0.3629648239,7.145910978317261,0.0002039729,0.4318181818,0.4968233799,0.21601107735,6.9971232414245605,1.14036e-05,0.6026365348,0.6506578947,0.3013239692
-dj,12,5.0171802043914795,0.5123241101,0.2978723404,0.6544117647,0.40509822525,11.448642253875732,7.2889e-06,0.4382022472,0.875,0.21910476805,1.9142532348632812,0.5429717895,0.2127659574,0.6544117647,0.37786887345000003,16.268066883087158,6.79769e-05,0.0789473684,0.8929577465,0.03950767265,0.8094468116760254,0.532537801,0.0,0.8090909091,0.2662689005,0.41048693656921387,0.4652895931,0.1142857143,0.7244094488,0.2897876537
-ae,5,7.579869985580444,0.5951181994,0.0,0.7288135593,0.2975590997,8.622148036956787,0.3108622164,0.1,0.8936170213,0.2054311082,2.215027093887329,0.5843745698,0.0526315789,0.6859504132,0.31850307435,14.552345991134644,0.0006959243,0.2987012987,0.9242125984,0.1496986115,0.3328282833099365,0.2739539672,0.0,0.7009345794,0.1369769836,0.31021785736083984,0.3241657139,0.0571428571,0.8364485981,0.1906542855
-vqe,7,2.831089735031128,0.7094020591,0.3333333333,0.9032258065,0.5213676962,5.2259111404418945,0.5668305304,0.3333333333,0.9032258065,0.45008193185,13.610972166061401,0.7434411804,0.3333333333,0.9032258065,0.53838725685,1.7593348026275635,0.1655719971,0.3333333333,0.953125,0.24945266519999998,0.5086939334869385,0.6035129981,0.3333333333,0.8787878788,0.4684231657,0.14373397827148438,0.7620116242,0.3333333333,0.923566879,0.54767247875
-twolocalrandom,3,1.1877293586730957,0.6744602025,0.0,0.724137931,0.33723010125,45.20192813873291,0.1152867144,0.0,0.8970588235,0.0576433572,12.504943132400513,0.8507321146,0.0,0.8360655738,0.4253660573,0.5850961208343506,0.6304505909,0.0,0.85,0.31522529545,0.0811920166015625,0.7463039891,0.0,0.7532467532,0.37315199455,0.1212761402130127,0.4050650143,0.0,0.8235294118,0.20253250715
-su2random,9,71.62964105606079,0.0119277193,0.3894967177,0.5369807497,0.20071221849999998,0.08449888229370117,0.0038509726,0.6944444444,0.8518518519,0.3491477085,4.811431884765625,0.0038509726,0.6944444444,0.8518518519,0.3491477085,3.5668041706085205,4.19249e-05,0.6944444444,0.95599022,0.34724318465,0.5033929347991943,0.0384111744,0.4771784232,0.7134363853,0.2577947988,1.2454948425292969,0.0002410996,0.4909560724,0.6817434211,0.245598586
-dj,2,1.3513860702514648,0.9693414072,0.0,0.9090909091,0.4846707036,36.736119985580444,0.9229407779,0.0,0.9736842105,0.46147038895,7.3032121658325195,0.9731681253,0.0,0.9090909091,0.48658406265,3.321058988571167,0.8962721177,0.0,0.9545454545,0.44813605885,0.14078879356384277,0.9673958691,0.0,0.9,0.48369793455,0.025678157806396484,0.9449645073,0.0,0.9230769231,0.47248225365
-realamprandom,11,4.380079030990601,1.895e-07,0.5634278003,0.1348511384,0.2817139949,2.5399670600891113,0.000377835,0.7515151515,0.8125,0.37594649325,4.00488805770874,0.000377835,0.7515151515,0.8125,0.37594649325,8.592656135559082,2.551e-07,0.7515151515,0.9549918167,0.3757577033,0.7049882411956787,0.0060751509,0.564738292,0.7148468185,0.28540672145,11.237269878387451,8.219e-07,0.6319758673,0.6431646932,0.31598834459999997
-qpeinexact,12,56.0499701499939,0.0288093504,0.3753501401,0.7230411171,0.20207974525,1.6884651184082031,3.3e-09,0.5777777778,0.2541436464,0.28888889055,21.659914016723633,0.0035547279,0.5428571429,0.34375,0.2732059354,4.534224271774292,0.0,0.4181818182,0.8723897912,0.2090909091,2.424661159515381,0.0138613189,0.3061889251,0.5203125,0.160025122,7.039203882217407,0.0006030429,0.4498644986,0.7221385542,0.22523377075
-graphstate,8,10.378984212875366,0.6643144754,0.4347826087,0.7766990291,0.54954854205,6.603266954421997,0.1350851119,0.5056179775,0.3776223776,0.32035154470000005,1.026534080505371,0.593411827,0.625,0.9166666667,0.6092059135,1.9873809814453125,0.3781076107,0.625,0.9701492537,0.5015538053499999,0.16949224472045898,0.6034410637,0.5,0.7586206897,0.55172053185,0.235382080078125,0.3951905216,0.55,0.8245614035,0.4725952608
-qpeexact,18,24.305650234222412,0.0010456819,0.6449511401,0.9039273979,0.322998411,2.679044246673584,0.0,0.6751662971,0.2420168067,0.33758314855,3.7722229957580566,4.06e-08,0.6954492415,0.2515283843,0.34772464105,4.828259229660034,0.0,0.5853920516,0.8687438319,0.2926960258,1.5390379428863525,5.54711e-05,0.5473815461,0.4940063091,0.2737185086,3.3434860706329346,3.87e-08,0.5693512304,0.7006028131,0.28467563455
-portfoliovqe,5,16.870988130569458,0.3400079429,0.1379310345,0.7661290323,0.2389694887,2.876129150390625,0.1675164835,0.4333333333,0.8983050847,0.3004249084,0.5965790748596191,0.1675164835,0.4333333333,0.8983050847,0.3004249084,0.16004323959350586,1.05738e-05,0.3063063063,0.9313543599,0.15315844005,0.27982497215270996,0.4363492118,0.1184210526,0.6806722689,0.2773851322,0.4108250141143799,0.1233263237,0.2528735632,0.7492795389,0.18809994345
-qaoa,13,9.532140731811523,0.2708756094,0.6551724138,0.858190709,0.4630240116,1.78987717628479,0.0001270593,0.7621483376,0.3611111111,0.38113769845,21.026164054870605,0.2815293087,0.6,0.7594501718,0.44076465435,2.5459330081939697,4.8e-09,0.6090225564,0.8730916031,0.3045112806,0.46805405616760254,0.1857806946,0.6551724138,0.7867647059,0.4204765542,0.5892460346221924,0.1498222851,0.7164179104,0.8673267327,0.43312009775000004
-wstate,15,8.340922117233276,0.2712749145,0.5316455696,0.6694560669,0.40146024204999997,0.8966960906982422,0.000435099,0.325,0.8863636364,0.1627175495,22.196134090423584,0.3738871639,0.3454545455,0.9294871795,0.3596708547,4.024637937545776,3.93625e-05,0.3260869565,0.883248731,0.1630631595,0.6878230571746826,0.3246122145,0.4285714286,0.78125,0.37659182155000004,0.3058750629425049,0.3936307084,0.4285714286,0.9138461538,0.4111010685
-realamprandom,9,2.238699197769165,0.0368444714,0.5650684932,0.3438202247,0.3009564823,2.9775102138519287,0.0056162499,0.6944444444,0.8153846154,0.35003034715,2.141721725463867,0.0056162499,0.6944444444,0.8153846154,0.35003034715,3.594491958618164,4.19249e-05,0.6944444444,0.95599022,0.34724318465,4.408976078033447,0.0384982489,0.4771784232,0.7046568627,0.25783833605,1.20023775100708,0.0002424848,0.4909560724,0.6720338983,0.2455992786
-qpeexact,8,22.474122047424316,0.3737899576,0.180952381,0.9068322981,0.2773711693,3.2327470779418945,0.0010037051,0.4940239044,0.3480519481,0.24751380474999998,11.110357999801636,0.2294223606,0.3286713287,0.481884058,0.27904684465,1.2374250888824463,0.0346544024,0.4,0.8539325843,0.21732720120000001,0.9181981086730957,0.1438096983,0.2072072072,0.5697674419,0.17550845275,0.7159569263458252,0.2291719639,0.3307692308,0.7666068223,0.27997059734999996
-dj,8,19.988264083862305,0.7551679786,0.0,0.7922077922,0.3775839893,2.2448461055755615,0.6384115806,0.0,0.9135802469,0.3192057903,12.094086170196533,0.6384115806,0.0,0.9135802469,0.3192057903,2.435966968536377,0.023410286,0.1081081081,0.9267326733,0.06575919705,0.07294607162475586,0.6576700178,0.0714285714,0.7878787879,0.3645492946,0.29082512855529785,0.527832462,0.0,0.7894736842,0.263916231
-qpeinexact,15,18.06171703338623,0.0018973983,0.5351851852,0.6998332407,0.26854129175,6.950803756713867,3e-10,0.7076023392,0.2569832402,0.35380116975000003,4.059662818908691,0.0007533836,0.4861111111,0.3650793651,0.24343224735,4.450862884521484,0.0,0.4928909953,0.8693498452,0.24644549765,1.0854949951171875,0.0001493119,0.4887218045,0.4923664122,0.2444355582,7.3751747608184814,1.0335e-05,0.5346215781,0.7153987168,0.26731595655
-routing,2,1.2668328285217285,0.9092618063,0.0,0.9333333333,0.45463090315,7.771701097488403,0.7581056143,0.0,0.9552238806,0.37905280715,1.7563409805297852,0.9609433972,0.0,0.9333333333,0.4804716986,1.9002859592437744,0.5695137457,0.0,0.9615384615,0.28475687285,0.4166109561920166,0.9251305142,0.0,0.85,0.4625652571,0.0582888126373291,0.9160040437,0.0,0.8928571429,0.45800202185
-qft,6,23.294311046600342,0.506159198,0.0952380952,0.8436724566,0.3006986466,9.173959970474243,0.0198367936,0.4416666667,0.3650793651,0.23075173015,1.7417287826538086,0.1361749733,0.4615384615,0.8488372093,0.29885671739999997,3.614074945449829,0.0004942518,0.3333333333,0.9221902017,0.16691379255,0.27364301681518555,0.3128855273,0.2258064516,0.5338345865,0.26934598945,0.3403050899505615,0.4187099203,0.2456140351,0.8161290323,0.3321619777
-ghz,4,3.7421820163726807,0.8742725085,0.0,0.7,0.43713625425,30.63805890083313,0.9221571624,0.0,0.75,0.4610785812,2.7240092754364014,0.9337071418,0.0,0.7,0.4668535709,1.9262809753417969,0.6702586186,0.0,0.9736842105,0.3351293093,0.02370285987854004,0.8886287937,0.0,0.7,0.44431439685,0.044287919998168945,0.8945129678,0.0,0.9268292683,0.4472564839
-dj,11,4.382766008377075,0.6103244713,0.0,0.7718120805,0.30516223565,3.3979320526123047,0.0255118518,0.4768211921,0.6378896882,0.25116652195,9.367262840270996,0.5830621582,0.1891891892,0.6636363636,0.38612567369999995,2.423520088195801,0.5276979246,0.0,0.9130434783,0.2638489623,0.509260892868042,0.5371177751,0.037037037,0.7272727273,0.28707740605000004,0.32071828842163086,0.3966746869,0.0,0.75,0.19833734345
-qft,5,2.351586103439331,0.6750350956,0.1842105263,0.525,0.42962281095,3.378998041152954,0.2626137426,0.3461538462,0.8514285714,0.30438379439999996,1.5596661567687988,0.2626137426,0.3461538462,0.8514285714,0.30438379439999996,3.3705179691314697,0.0024481065,0.2857142857,0.9224376731,0.1440811961,0.174454927444458,0.2360078731,0.1621621622,0.6021505376,0.19908501764999997,0.2550687789916992,0.3121322725,0.1428571429,0.8387096774,0.2274947077
-wstate,6,2.1675171852111816,0.7127064716,0.3,0.8969072165,0.5063532358,3.3603157997131348,0.7776272933,0.3,0.8969072165,0.53881364665,2.7384397983551025,0.6678182454,0.2,0.7422680412,0.43390912270000004,2.722038984298706,0.2625365499,0.3,0.9516908213,0.28126827495,0.10710000991821289,0.7769914656,0.3,0.7872340426,0.5384957328,0.13796401023864746,0.788440806,0.3,0.9152542373,0.544220403
-ghz,14,2.351792812347412,0.5606727137,0.0,0.4047619048,0.28033635685,11.17099118232727,0.0767385918,0.4366197183,0.1931818182,0.25667915505,2.9228639602661133,0.5973502161,0.1785714286,0.3777777778,0.38796082235,4.701438903808594,0.0002214968,0.0,0.9692898273,0.0001107484,0.21531176567077637,0.5499361727,0.0,0.5666666667,0.27496808635,0.16317296028137207,0.6506758605,0.0,0.9239766082,0.32533793025
-pricingput,11,23.063773155212402,0.0002656367,0.1803921569,0.592217484,0.09032889679999999,1.916684865951538,1.68152e-05,0.2475728155,0.8661468486,0.12379481534999999,5.815353870391846,0.0065153521,0.223655914,0.6920529801,0.11508563305000001,9.95284390449524,2.5e-09,0.2401960784,0.9586709887,0.12009804045000001,6.711122989654541,0.0001840318,0.1979166667,0.664628821,0.09905034925,1.715397834777832,0.0003436182,0.2760736196,0.7702067669,0.1382086189
-su2random,2,1.8516991138458252,0.9200288191,0.0,0.9433962264,0.46001440955,11.194967985153198,0.9363309001,0.0,0.9333333333,0.46816545005,3.6116981506347656,0.9363309001,0.0,0.9433962264,0.46816545005,3.371506929397583,0.5074563923,0.0,0.9651162791,0.25372819615,0.245070219039917,0.9243693585,0.0,0.9,0.46218467925,0.0508267879486084,0.9155385386,0.0,0.9189189189,0.4577692693
-qftentangled,7,2.897796154022217,0.1873288308,0.3798449612,0.3886255924,0.283586896,3.1454451084136963,0.0551271582,0.5263157895,0.846361186,0.29072147385,3.4013960361480713,0.2100375363,0.4814814815,0.3778801843,0.34575950889999996,3.9477338790893555,9.612e-07,0.4743589744,0.9206510682,0.2371799678,0.40706610679626465,0.1582791998,0.3392857143,0.4790697674,0.24878245705,0.527393102645874,0.3371482762,0.325203252,0.7634615385,0.3311757641
-qpeexact,2,1.8258438110351562,0.9418008285,0.0,0.8461538462,0.47090041425,6.370228052139282,0.893710882,0.0,0.9428571429,0.446855441,1.8522920608520508,0.9645415489,0.0,0.8461538462,0.48227077445,2.1619529724121094,0.7815702749,0.0,0.9428571429,0.39078513745,0.02974104881286621,0.9717261763,0.0,0.9166666667,0.48586308815,0.027580976486206055,0.9803381684,0.0,0.9230769231,0.4901690842
-qftentangled,7,21.73518395423889,0.2548869561,0.4487179487,0.910652921,0.35180245239999997,4.932585000991821,0.0551271582,0.5263157895,0.846361186,0.29072147385,7.5276570320129395,0.1378340443,0.5510204082,0.3900414938,0.34442722625,4.780981063842773,2.909e-07,0.4379084967,0.9207253886,0.21895439379999998,0.4700448513031006,0.1582791998,0.3392857143,0.4814814815,0.24878245705,0.4997539520263672,0.3371482762,0.325203252,0.7634615385,0.3311757641
-qftentangled,10,6.906783103942871,0.0002379582,0.557496361,0.1879432624,0.2788671596,4.605191946029663,8.55087e-05,0.6666666667,0.26448737,0.3333760877,6.590417861938477,0.0030790827,0.6578947368,0.8453188602,0.33048690975,5.576344966888428,0.0001554327,0.6363636364,0.952173913,0.31825953455,3.3689467906951904,0.029946152,0.3628318584,0.5201698514,0.1963890052,6.376370906829834,0.0021553373,0.4082397004,0.7543698252,0.20519751885
-qgan,12,39.338752031326294,0.055873213,0.4123376623,0.7993485342,0.23410543765,26.570784091949463,9.786e-07,0.5555555556,0.5169491525,0.27777826710000003,31.961019277572632,0.0055521958,0.625,0.6220472441,0.3152760979,1.9929420948028564,0.0,0.5085470085,0.8340425532,0.25427350425,2.5811049938201904,0.0047418996,0.4020618557,0.7010785824,0.20340187765,6.998058080673218,0.0115761159,0.4285714286,0.6120689655,0.22007377225000002
-ghz,13,4.761702299118042,0.1967113386,0.3888888889,0.25,0.29280011375000004,18.014827013015747,0.0,0.4468085106,0.8967032967,0.2234042553,5.951834201812744,0.4404999165,0.4,0.2857142857,0.42024995825,4.890794038772583,0.0003764393,0.2727272727,0.8663967611,0.136551856,0.33136725425720215,0.5593036276,0.0,0.5714285714,0.2796518138,0.15925002098083496,0.6657417059,0.0,0.9240506329,0.33287085295
-vqe,12,4.9089319705963135,0.5794706935,0.5357142857,0.8727272727,0.5575924896,4.47072172164917,0.0316538089,0.5955882353,0.5853658537,0.31362102210000004,6.890520095825195,0.6029498905,0.4090909091,0.8971962617,0.5060203998,5.19167685508728,0.0091896975,0.3928571429,0.9278350515,0.2010234202,3.6308679580688477,0.4520052108,0.4090909091,0.8698224852,0.43054805995,0.2563607692718506,0.6271100233,0.4090909091,0.9205776173,0.5181004661999999
-graphstate,13,22.920069932937622,0.4735316953,0.4705882353,0.9039548023,0.4720599653,13.551939964294434,0.0023607945,0.6390243902,0.3880597015,0.32069259235,7.475405216217041,0.5797660366,0.6129032258,0.8074534161,0.5963346312,3.6195249557495117,0.0042877729,0.3720930233,0.8436363636,0.1881903981,0.23537993431091309,0.5050692111,0.4571428571,0.7265625,0.4811060341,0.36009716987609863,0.5328690593,0.52,0.8611111111,0.5264345296499999
-qgan,13,94.68015575408936,0.0,0.4226190476,0.8750929368,0.2113095238,5.469089031219482,1.15e-08,0.5656984786,0.4580209895,0.28284924505,8.077311992645264,0.0054679068,0.5089605735,0.5226689478,0.25721424015,2.888932228088379,0.0,0.4465408805,0.8327196213,0.22327044025,5.099527835845947,0.0269180054,0.4439655172,0.6830601093,0.2354417613,5.298359155654907,0.0040243336,0.7091503268,0.6584821429,0.3565873302
-ae,9,56.380772829055786,6e-10,0.4214285714,0.8927203065,0.210714286,3.353628158569336,0.0504916348,0.5064935065,0.4945295405,0.27849257065,6.676017761230469,0.1072299088,0.4098360656,0.7127158556,0.2585329872,1.9378399848937988,0.0017280573,0.4166666667,0.9519679787,0.209197362,0.22194886207580566,0.1924007782,0.2735042735,0.6785714286,0.23295252585,0.7243032455444336,0.0177423022,0.3218390805,0.7606602476,0.16979069135
-qgan,7,33.93711018562317,0.1549574334,0.3133333333,0.4163424125,0.23414538335,6.2936110496521,0.2734795125,0.4761904762,0.90625,0.37483499435,4.199399948120117,0.3544535083,0.4615384615,0.7078651685,0.4079959849,0.6566941738128662,0.2734795125,0.4761904762,0.90625,0.37483499435,0.509631872177124,0.5955346798,0.2888888889,0.7857142857,0.44221178434999997,0.4333360195159912,0.161489261,0.3333333333,0.7625,0.24741129715
-routing,6,4.647843837738037,0.6833131305,0.4,0.8936170213,0.54165656525,3.7614381313323975,0.4575040622,0.4,0.8571428571,0.42875203110000004,30.113347053527832,0.7394861427,0.4,0.8936170213,0.56974307135,1.8298790454864502,0.1399365682,0.4,0.9509803922,0.2699682841,0.5338008403778076,0.7065244795,0.4,0.8717948718,0.55326223975,0.2781050205230713,0.742389245,0.4,0.9171270718,0.5711946225
-graphstate,4,7.39665675163269,0.853929258,0.0,0.8510638298,0.426964629,3.919475793838501,0.7618269473,0.375,0.7142857143,0.56841347365,1.883876085281372,0.7703322835,0.25,0.9166666667,0.5101661417500001,2.5314061641693115,0.6149045542,0.25,0.9701492537,0.4324522771,0.1607508659362793,0.7419241544,0.0,0.7586206897,0.3709620772,0.1998598575592041,0.6673389511,0.1,0.8245614035,0.38366947554999997
-su2random,5,6.221367120742798,0.5144014549,0.1481481481,0.564516129,0.3312748015,2.1770009994506836,0.1860281465,0.4333333333,0.8823529412,0.3096807399,27.428030967712402,0.1860281465,0.4333333333,0.8823529412,0.3096807399,2.0560598373413086,0.1860281465,0.4333333333,0.8823529412,0.3096807399,1.079301118850708,0.465651066,0.1285714286,0.6022727273,0.2971112473,0.42696285247802734,0.1229713869,0.2528735632,0.7629427793,0.18792247504999998
-ae,13,34.66151285171509,0.0,0.4288747346,0.9063432094,0.2144373673,3.9509479999542236,6.29473e-05,0.6075533662,0.401179941,0.30380815675,8.517568111419678,0.0013065685,0.6009852217,0.401179941,0.3011458951,2.2783539295196533,0.0,0.4376590331,0.8755935423,0.21882951655,2.0742080211639404,0.0018877746,0.4046052632,0.6031331593,0.2032465189,3.6171529293060303,0.0001037794,0.5905511811,0.7453208556,0.29532748025
-twolocalrandom,2,2.379883050918579,0.9434226178,0.0,0.9333333333,0.4717113089,0.09646844863891602,0.4874264289,0.0,0.9659090909,0.24371321445,1.612886905670166,0.9363309001,0.0,0.9333333333,0.46816545005,8.605350255966187,0.6322873591,0.0,0.9615384615,0.31614367955,0.0566411018371582,0.9251305142,0.0,0.85,0.4625652571,0.03232312202453613,0.9160040437,0.0,0.8928571429,0.45800202185
-dj,4,3.995504856109619,0.9293600345,0.0,0.8928571429,0.46468001725,7.560328006744385,0.6433160392,0.0,0.9464285714,0.3216580196,3.2126410007476807,0.8612242052,0.25,0.6756756757,0.5556121026,3.2906291484832764,0.3106630558,0.0,0.9323308271,0.1553315279,5.409952163696289,0.6457269088,0.0,0.875,0.3228634544,0.04436206817626953,0.6445913311,0.0,0.9032258065,0.32229566555
-qpeexact,4,8.961036205291748,0.8276160522,0.0,0.7021276596,0.4138080261,2.6167149543762207,0.7599154189,0.1304347826,0.5964912281,0.44517510075,10.47310996055603,0.7856717172,0.0,0.6666666667,0.3928358586,2.689265012741089,0.1475342901,0.0,0.9141414141,0.07376714505,0.5444931983947754,0.8320699021,0.0,0.7962962963,0.41603495105,0.13004064559936523,0.800201868,0.1,0.8717948718,0.450100934
-realamprandom,5,7.4323859214782715,0.4922859189,0.2528735632,0.4941860465,0.37257974105,2.101180076599121,0.2294145094,0.4333333333,0.8285714286,0.33137392135,12.707585096359253,0.2294145094,0.4333333333,0.8285714286,0.33137392135,2.004626989364624,0.2294145094,0.4333333333,0.8285714286,0.33137392135,0.6130459308624268,0.465651066,0.1285714286,0.6,0.2971112473,0.44423508644104004,0.1233263237,0.2528735632,0.75,0.18809994345
-portfoliovqe,9,6.994858980178833,0.007505298,0.5578231293,0.3663793103,0.28266421365,1.0553512573242188,0.0018105829,0.6944444444,0.8938053097,0.34812751365,5.704023122787476,0.0018105829,0.6944444444,0.8938053097,0.34812751365,1.431617021560669,4.19249e-05,0.6944444444,0.95599022,0.34724318465,0.5917959213256836,0.0118603705,0.5014749263,0.6727799228,0.2566676484,1.2334027290344238,0.0002430995,0.4909560724,0.6686643836,0.24559958595
-vqe,10,6.992198705673218,0.6798403053,0.2083333333,0.8695652174,0.4440868193,0.9724280834197998,0.3871879514,0.3888888889,0.8615384615,0.38803842015,15.470432996749878,0.5636905177,0.3333333333,0.8441558442,0.44851192549999996,2.1844091415405273,0.1129922811,0.3888888889,0.97,0.250940585,0.42668962478637695,0.4528880164,0.3888888889,0.8767123288,0.42088845264999997,0.22883820533752441,0.6696766899,0.3888888889,0.9217391304,0.5292827894
-qpeexact,14,6.657429933547974,9.92243e-05,0.5670945158,0.3209191759,0.28359687005,3.0684268474578857,4.1e-09,0.7002118644,0.2738461538,0.35010593425000003,10.870573997497559,0.0004537892,0.6134699854,0.3426371511,0.3069618873,4.5915398597717285,0.0,0.5381882771,0.868978357,0.26909413855,2.5046567916870117,0.0013864095,0.4861751152,0.500575374,0.24378076235,2.322831869125366,1.4078e-05,0.5794392523,0.6992692524,0.28972666515
-wstate,19,3.4623498916625977,0.2803001446,0.4027777778,0.9230769231,0.34153896120000005,3.701322078704834,0.0003741611,0.5663716814,0.4760432767,0.28337292125,3.2273149490356445,0.301974954,0.298245614,0.8167202572,0.300110284,3.475522041320801,2.333e-06,0.4358974359,0.9387755102,0.21794988445000002,1.0592961311340332,0.2556867441,0.4444444444,0.7804878049,0.35006559425,0.3786509037017822,0.1687921046,0.4444444444,0.9136690647,0.3066182745
-ae,6,8.803972005844116,0.30032093,0.2166666667,0.6470588235,0.25849379834999997,1.7596688270568848,0.0480936081,0.3548387097,0.6059322034,0.2014661589,3.2347187995910645,0.1802695296,0.2,0.8876404494,0.19013476480000002,3.491011142730713,0.0056552299,0.2898550725,0.9280500521,0.1477551512,0.08046913146972656,0.5314355988,0.1063829787,0.6987179487,0.31890928875,0.3375718593597412,0.37266083,0.1904761905,0.8108108108,0.28156851025
-wstate,6,4.0865700244903564,0.7976762327,0.3,0.8969072165,0.54883811635,1.5572717189788818,0.7776272933,0.3,0.8969072165,0.53881364665,11.46536898612976,0.7776272933,0.3,0.8969072165,0.53881364665,0.5930252075195312,0.2641201576,0.3,0.9516908213,0.2820600788,0.0671381950378418,0.7769914656,0.3,0.7872340426,0.5384957328,0.12079596519470215,0.788440806,0.3,0.9152542373,0.544220403
-ghz,8,1.82303786277771,0.7851119769,0.0,0.6111111111,0.39255598845,8.371184825897217,0.6623946388,0.0,0.65,0.3311973194,1.6733760833740234,0.5533133127,0.3529411765,0.2444444444,0.4531272446,1.993265151977539,0.056790448,0.24,0.9196141479,0.148395224,0.04409599304199219,0.731581848,0.0,0.6111111111,0.365790924,0.12526988983154297,0.8023891793,0.0,0.9247311828,0.40119458965
-qaoa,7,4.624377012252808,0.5803362138,0.511627907,0.7345679012,0.5459820604000001,1.155151128768921,0.4012114754,0.5714285714,0.9166666667,0.4863200234,1.7244949340820312,0.4012114754,0.5714285714,0.9166666667,0.4863200234,1.7291030883789062,0.0022843719,0.5081967213,0.928319624,0.2552405466,0.23181414604187012,0.4173042919,0.55,0.7452229299,0.48365214595000006,0.2947568893432617,0.2433759712,0.55,0.8550724638,0.3966879856
-qft,9,16.461806297302246,0.0101399618,0.4256410256,0.7245762712,0.2178904937,0.7101230621337891,0.0136699417,0.6071428571,0.8486486486,0.31040639940000003,1.9570550918579102,0.0136699417,0.6071428571,0.8486486486,0.31040639940000003,2.334630012512207,0.0017508473,0.5833333333,0.9518072289,0.2925420903,0.6839580535888672,0.1062094793,0.3506493506,0.5536231884,0.22842941495000002,0.7734770774841309,0.0176863736,0.4402515723,0.7888446215,0.22896897295000002
-portfolioqaoa,6,10.942208766937256,0.1410585668,0.2916666667,0.8687628161,0.21636261675000001,0.811791181564331,0.0646369263,0.5333333333,0.9032258065,0.29898512979999997,2.1769661903381348,0.0646369263,0.5333333333,0.9032258065,0.29898512979999997,2.7683398723602295,2.56e-08,0.347826087,0.9139650873,0.1739130563,0.7204968929290771,0.0014285682,0.2903225806,0.5765027322,0.14587557439999999,0.6473789215087891,0.1077284727,0.3523809524,0.7658862876,0.23005471254999998
-qft,2,4.029981374740601,0.9501683603,0.0,0.6875,0.47508418015,4.768817901611328,0.8372948355,0.0,0.925,0.41864741775,2.3201279640197754,0.930797198,0.0,0.6875,0.465398599,2.0655570030212402,0.4680560673,0.0,0.9295774648,0.23402803365,0.17795085906982422,0.9254980248,0.0,0.85,0.4627490124,0.03479599952697754,0.9160562223,0.0,0.8846153846,0.45802811115
-graphstate,5,1.7693188190460205,0.8274400724,0.3636363636,0.8035714286,0.595538218,3.0895559787750244,0.6946336801,0.3461538462,0.6578947368,0.52039376315,3.7857160568237305,0.8305986223,0.2352941176,0.7462686567,0.53294636995,3.199333906173706,0.1802432538,0.3571428571,0.9357798165,0.26869305545,0.8960099220275879,0.5468772071,0.0909090909,0.7027027027,0.318893149,0.38011622428894043,0.5541593003,0.1176470588,0.7638888889,0.33590317955000004
-qft,11,5.391591787338257,0.001622216,0.5168918919,0.5139573071,0.25925705395,2.0242998600006104,0.0016948661,0.672,0.8481166464,0.33684743305000003,3.6131539344787598,0.0016948661,0.672,0.8481166464,0.33684743305000003,4.844187021255493,6.84738e-05,0.6545454545,0.9509147702,0.32730696415,1.5818712711334229,0.0130894847,0.40625,0.468879668,0.20966974235,10.618681192398071,0.0003032839,0.5134328358,0.7267536705,0.25686805985
-dj,16,1.574997901916504,0.4084943041,0.2,0.6428571429,0.30424715204999997,3.0925180912017822,1.646e-07,0.3947368421,0.8741721854,0.19736850335,80.27531385421753,0.0,0.7229437229,0.8707330722,0.36147186145,2.28566312789917,1.399e-06,0.2222222222,0.8888888889,0.11111181060000001,0.22978901863098145,0.3524940318,0.0238095238,0.7162162162,0.1881517778,0.4673128128051758,0.2874560315,0.0784313725,0.7068965517,0.18294370199999999
-ghz,3,1.2772901058197021,0.9016786367,0.0,0.75,0.45083931835,19.113852739334106,0.8525305066,0.0,0.9615384615,0.4262652533,14.315247058868408,0.9462565586,0.0,0.75,0.4731282793,3.462405204772949,0.700281343,0.0,0.9333333333,0.3501406715,0.033618927001953125,0.9051314572,0.0,0.75,0.4525657286,0.05531907081604004,0.9163206872,0.0,0.9285714286,0.4581603436
-ghz,7,2.6974639892578125,0.8217147372,0.0,0.625,0.4108573686,8.99381399154663,0.7839039604,0.0,0.9696969697,0.3919519802,6.003323793411255,0.4866942319,0.3333333333,0.3571428571,0.4100137826,2.501840114593506,0.3484367814,0.0,0.9268292683,0.1742183907,0.1325688362121582,0.7487961856,0.0,0.625,0.3743980928,0.1201169490814209,0.8141898677,0.0,0.925,0.40709493385
-twolocalrandom,9,4.070238828659058,0.0063428513,0.5043478261,0.2495921697,0.2553453387,2.9106199741363525,0.0056162499,0.6944444444,0.8153846154,0.35003034715,13.723418235778809,0.0056162499,0.6944444444,0.8153846154,0.35003034715,5.737688779830933,4.19249e-05,0.6944444444,0.95599022,0.34724318465,5.418744802474976,0.0389318669,0.4771784232,0.7028360049,0.25805514505,1.22011399269104,0.0002424848,0.4909560724,0.6720338983,0.2455992786
-qpeinexact,12,48.218976974487305,0.0173820282,0.4492753623,0.8012672811,0.23332869525,0.37793517112731934,1.444e-07,0.6398809524,0.2911392405,0.31994054839999997,2.219022035598755,0.0031089154,0.6126126126,0.3321299639,0.307860764,4.9483232498168945,0.0,0.5511551155,0.8658698539,0.27557755775,0.32977890968322754,0.0007980669,0.3061889251,0.5247678019,0.153493496,6.96723198890686,0.0005971807,0.4498644986,0.7300658376,0.22523083965
-wstate,12,3.955217123031616,0.4554816408,0.3823529412,0.8475336323,0.41891729099999997,15.220837116241455,0.0319940785,0.5789473684,0.5869565217,0.30547072345000004,6.063392877578735,0.522248844,0.2857142857,0.7941176471,0.40398156485000003,1.3680298328399658,0.0027506188,0.4090909091,0.8957345972,0.20592076395,0.5265130996704102,0.4569862614,0.4090909091,0.7821782178,0.43303858525,0.23927974700927734,0.6310609713,0.4090909091,0.9140625,0.5200759402
-qaoa,14,9.216887950897217,0.1553154106,0.6736842105,0.7368421053,0.41449981055,5.645809173583984,0.0090824311,0.7233009709,0.536036036,0.366191701,38.13319516181946,0.2587000801,0.7093023256,0.7345679012,0.48400120285,1.8664941787719727,1.0235e-06,0.7323943662,0.886035313,0.36619769485,0.1683497428894043,0.1153508781,0.7093023256,0.7304075235,0.41232660185,0.5210251808166504,0.0292086805,0.6206896552,0.7993079585,0.32494916785
-qpeinexact,15,69.23515200614929,0.0017685097,0.5247863248,0.8497688752,0.26327741725,2.9516642093658447,1e-10,0.7012048193,0.2495479204,0.3506024097,6.811704874038696,0.0007077051,0.6147859922,0.3493670886,0.30774684864999996,2.6750969886779785,0.0,0.5497835498,0.8683760684,0.2748917749,2.35878586769104,0.0001210209,0.438563327,0.4715284715,0.21934217395,7.149023056030273,1.08019e-05,0.5346215781,0.7044264636,0.26731619
-portfoliovqe,5,6.632518291473389,0.3399297403,0.1794871795,0.6578947368,0.2597084599,4.321032285690308,0.1675164835,0.4333333333,0.8983050847,0.3004249084,1.5814731121063232,0.1675164835,0.4333333333,0.8983050847,0.3004249084,4.126086950302124,6.6007e-06,0.2192982456,0.9310344828,0.10965242315,0.37836694717407227,0.4363492118,0.1184210526,0.6793248945,0.2773851322,0.41085124015808105,0.1233263237,0.2528735632,0.7492795389,0.18809994345
-portfoliovqe,10,25.23192286491394,0.0024552143,0.6110210697,0.3386923901,0.306738142,0.7165391445159912,0.000379652,0.7259259259,0.8932806324,0.36315278895,3.2003800868988037,0.000379652,0.7259259259,0.8932806324,0.36315278895,4.04296088218689,3.7219e-06,0.7259259259,0.9554455446,0.3629648239,0.7316889762878418,8.68684e-05,0.4223744292,0.6103202847,0.2112306488,6.668771028518677,1.14331e-05,0.6026365348,0.6448160535,0.30132398395
-dj,5,34.84910798072815,0.8850680518,0.0,0.8157894737,0.4425340259,2.5455079078674316,0.4184133694,0.3333333333,0.5636363636,0.37587335135,7.762017011642456,0.8390678711,0.1,0.756097561,0.46953393555,2.0152032375335693,0.1058562982,0.1578947368,0.9266409266,0.13187551749999998,0.13117408752441406,0.5789975413,0.0,0.8,0.28949877065,0.16807985305786133,0.8858114952,0.0,0.8372093023,0.4429057476
-ae,2,1.0791471004486084,0.9413879819,0.0,0.92,0.47069399095,9.907226800918579,0.8821371532,0.0,0.9259259259,0.4410685766,1.7167608737945557,0.9359385847,0.0,0.92,0.46796929235,2.367415189743042,0.5890753473,0.0,0.9574468085,0.29453767365,0.12936878204345703,0.9408179515,0.0,0.875,0.47040897575,0.028931856155395508,0.9250258398,0.0,0.9166666667,0.4625129199
-twolocalrandom,4,13.347799062728882,0.5387926941,0.1481481481,0.7202072539,0.3434704211,0.7011487483978271,0.4080208817,0.2777777778,0.8363636364,0.34289932975000004,6.612778425216675,0.4080208817,0.2777777778,0.8363636364,0.34289932975000004,0.3737759590148926,0.0007266679,0.2575757576,0.9246575342,0.12915121275,0.09053206443786621,0.4924767899,0.0,0.7281553398,0.24623839495,0.2058570384979248,0.2534812171,0.0,0.8153846154,0.12674060855
-dj,15,4.009771108627319,0.3168596691,0.3846153846,0.59375,0.35073752685000004,3.248383045196533,5.646e-07,0.3673469388,0.8959660297,0.1836737517,2.5599968433380127,0.3445029979,0.3098591549,0.6913043478,0.3271810764,2.8818488121032715,9.4333e-06,0.4105263158,0.8783610755,0.20526787454999998,0.3151729106903076,0.3383785288,0.119047619,0.7042253521,0.2287130739,0.39522600173950195,0.3153391162,0.085106383,0.7116564417,0.2002227496
-vqe,19,5.679060935974121,0.3410361456,0.2888888889,0.8710601719,0.31496251725,2.1359500885009766,0.0040544693,0.5747126437,0.5380530973,0.28938355649999997,5.456932783126831,0.2164200579,0.4341085271,0.7020785219,0.3252642925,1.899827003479004,0.0,0.6111111111,0.8902439024,0.30555555555,0.4253976345062256,0.244306971,0.4444444444,0.8656716418,0.34437570770000003,0.3834381103515625,0.1639604447,0.4444444444,0.9189189189,0.30420244455
-pricingcall,5,2.608140230178833,0.3888089409,0.0365853659,0.6510638298,0.2126971534,1.9881699085235596,0.1214932053,0.1355932203,0.6053511706,0.1285432128,5.575570106506348,0.060974408,0.0576923077,0.8690176322,0.059333357850000004,0.8258748054504395,0.060974408,0.0576923077,0.8690176322,0.059333357850000004,0.9593348503112793,0.1851517194,0.0909090909,0.7261410788,0.13803040515,0.310579776763916,0.3223085635,0.0365853659,0.8240343348,0.1794469647
-wstate,16,1.5480120182037354,0.4275851761,0.3529411765,0.8344155844,0.3902631763,2.9020121097564697,0.0017425044,0.5882352941,0.501953125,0.29498889925,4.4224748611450195,0.1434326772,0.4528301887,0.5181818182,0.29813143295,1.9074890613555908,2.068e-07,0.4035087719,0.8721973094,0.20175448935,0.23401713371276855,0.3000248553,0.4333333333,0.7810218978,0.3666790943,0.31184816360473633,0.289831997,0.4333333333,0.9137931034,0.36158266515000004
-graphstate,18,9.94676685333252,0.4117909049,0.5833333333,0.6923076923,0.49756211910000003,2.176529884338379,0.0002241238,0.7623188406,0.3428571429,0.3812714822,2.386486053466797,0.3874206345,0.7083333333,0.7894736842,0.5478769839000001,4.613173007965088,0.0002669231,0.6666666667,0.8372093023,0.3334667949,0.07981729507446289,0.3610349945,0.6363636364,0.7283950617,0.49869931545,0.41531896591186523,0.3139547968,0.6666666667,0.8,0.49031073174999995
-su2random,9,10.14181399345398,0.0129196823,0.4523809524,0.842637692,0.23265031735,1.5069313049316406,0.0051106651,0.6944444444,0.8260869565,0.34977755475,2.4368340969085693,0.0051106651,0.6944444444,0.8260869565,0.34977755475,4.164178848266602,4.19249e-05,0.6944444444,0.95599022,0.34724318465,1.1494011878967285,0.024449828,0.4155844156,0.5798090041,0.2200171218,1.2410402297973633,0.0002410996,0.4909560724,0.6817434211,0.245598586
-qpeexact,9,2.0499300956726074,0.1152217738,0.358490566,0.7782426778,0.2368561699,1.214967966079712,0.0145873673,0.4756097561,0.8525179856,0.2450985617,2.4074487686157227,0.0359582853,0.4893617021,0.4080604534,0.2626599937,0.7365281581878662,0.0145873673,0.4756097561,0.8525179856,0.2450985617,1.5280869007110596,0.0572102212,0.2483660131,0.5842391304,0.15278811715,0.9545159339904785,0.1049377154,0.339869281,0.7798561151,0.22240349820000002
-qaoa,4,5.603659629821777,0.6961181815,0.2592592593,0.9084745763,0.4776887204,0.19940471649169922,0.6116066485,0.2666666667,0.693877551,0.4391366576,7.66739821434021,0.593411827,0.375,0.9166666667,0.4842059135,1.8036789894104004,0.0264616732,0.4130434783,0.9258064516,0.21975257574999998,0.26765012741088867,0.5664462404,0.3181818182,0.7528089888,0.4423140293,0.22397613525390625,0.3962827345,0.3181818182,0.858974359,0.35723227635
-graphstate,16,1.9249060153961182,0.4579960136,0.7297297297,0.7955801105,0.5938628716500001,0.2756662368774414,0.0037470613,0.7487437186,0.4456824513,0.37624538995,0.9126501083374023,0.41930888,0.7346938776,0.7655502392,0.5770013788,3.4324147701263428,2.16e-07,0.3553719008,0.8515337423,0.17768605839999999,0.07767891883850098,0.3619678871,0.7058823529,0.7763157895,0.53392512,0.41524291038513184,0.161831012,0.6447368421,0.7132075472,0.40328392705000005
-ghz,18,4.00128698348999,0.470266495,0.0,0.4693877551,0.2351332475,0.2755141258239746,0.0085750664,0.4639175258,0.0976744186,0.2362462961,9.711601257324219,0.4126790456,0.1463414634,0.3387096774,0.2795102545,2.7998390197753906,5.9322e-06,0.2769230769,0.8634453782,0.13846450455,0.7513070106506348,0.4805262312,0.0,0.5526315789,0.2402631156,0.18911385536193848,0.2682870414,0.0,0.9237668161,0.1341435207
-qpeinexact,6,3.9716811180114746,0.4900999077,0.1111111111,0.6294117647,0.3006055094,0.15590596199035645,0.0405406877,0.3859649123,0.4153846154,0.21325280000000002,8.549262046813965,0.3184259927,0.2549019608,0.5119617225,0.28666397675,2.401150941848755,8.0076e-06,0.3414634146,0.9210019268,0.17073571110000002,0.30775976181030273,0.5284271597,0.1111111111,0.6058394161,0.3197691354,0.3539390563964844,0.474356406,0.15,0.7972972973,0.312178203
-qftentangled,14,11.391640901565552,2.0649e-06,0.6644784829,0.4907132244,0.3322402739,2.8109569549560547,0.0,0.7609329446,0.2439382807,0.3804664723,3.504997730255127,0.000450824,0.5850815851,0.2789915966,0.29276620454999996,4.998583078384399,0.0,0.5647058824,0.869297796,0.2823529412,6.903932809829712,0.0004364813,0.5415821501,0.4576457646,0.2710093157,2.4653279781341553,5.60771e-05,0.7316017316,0.7696909272,0.36582890435
-qaoa,13,1.6195762157440186,0.2504712639,0.602739726,0.7517006803,0.42660549495,1.5554718971252441,0.0001129084,0.7278617711,0.3230994152,0.36398733975,1.9372658729553223,0.2399101467,0.7105263158,0.7441077441,0.47521823125,3.9342362880706787,0.0,0.6463414634,0.8813314038,0.3231707317,0.4642331600189209,0.1857806946,0.6551724138,0.7867647059,0.4204765542,0.5708820819854736,0.1500393638,0.7164179104,0.8629856851,0.43322863710000004
-graphstate,9,9.284497022628784,0.6984684309,0.4583333333,0.7714285714,0.5784008821,2.8401129245758057,0.1115766307,0.6,0.5454545455,0.35578831535,3.001152992248535,0.5559371835,0.5555555556,0.9166666667,0.55574636955,3.776008129119873,0.5559371835,0.5555555556,0.9166666667,0.55574636955,0.20307302474975586,0.5431521313,0.5185185185,0.6666666667,0.5308353249,0.48586082458496094,0.526651712,0.5,0.856,0.513325856
-wstate,20,3.5418989658355713,0.2497482252,0.3676470588,0.7976190476,0.308697642,2.8042187690734863,0.0001395667,0.5518134715,0.4571026723,0.27597651910000004,5.3668389320373535,0.2125731578,0.4606741573,0.9167446211,0.33662365755,4.229098081588745,1e-09,0.4851485149,0.8743781095,0.24257425795,1.5119662284851074,0.3032921791,0.4473684211,0.7803468208,0.3753303001,0.40091991424560547,0.3014815249,0.4473684211,0.9136363636,0.374424973
-groundstate,14,65.74450302124023,0.0001235496,0.5214285714,0.8222598392,0.2607760605,5.1656129360198975,0.0,0.6705084746,0.455116365,0.3352542373,15.737011194229126,2.52911e-05,0.6068012752,0.5268979387,0.30341328315000005,10.004411935806274,2.217e-07,0.652446675,0.7941100491,0.32622344835,2.5747106075286865,1.65188e-05,0.5084485407,0.5926157697,0.25423252975,3.521829843521118,1e-09,0.7251051893,0.6326635755,0.36255259515
-groundstate,14,4.87319016456604,0.0001153065,0.6409574468,0.6572470374,0.32053637665,8.31977128982544,0.0,0.7325134512,0.5257017864,0.3662567256,9.542611837387085,9.67588e-05,0.5633484163,0.579047619,0.28172258755,4.6813318729400635,0.0,0.6052631579,0.8257722008,0.30263157895,4.08450984954834,7.50144e-05,0.646359584,0.6068925234,0.32321729920000003,3.5468857288360596,1e-09,0.7251051893,0.6326635755,0.36255259515
-portfolioqaoa,6,6.104762077331543,0.1651835359,0.3076923077,0.4758064516,0.2364379218,8.515915870666504,0.0588181954,0.5333333333,0.9101796407,0.29607576435,7.105672836303711,0.0588181954,0.5333333333,0.9101796407,0.29607576435,3.5659539699554443,4.08e-08,0.347826087,0.9139650873,0.1739130639,0.9891657829284668,0.0014283017,0.2903225806,0.5730027548,0.14587544115,0.639362096786499,0.1077126564,0.3523809524,0.7651006711,0.2300468044
-qpeexact,13,36.36971402168274,0.0,0.4459833795,0.8874688279,0.22299168975,9.223430871963501,2.02e-08,0.6638246041,0.3129707113,0.33191231215,3.891197919845581,0.0010038273,0.5431893688,0.3420765027,0.27209659805,4.7221550941467285,0.0,0.4653937947,0.870918053,0.23269689735,0.9466099739074707,9.97332e-05,0.4482758621,0.5372340426,0.22418779765,3.846095085144043,0.0001566375,0.6051948052,0.7388059701,0.30267572135
-vqe,17,8.377561807632446,0.2089895727,0.5542168675,0.7661971831,0.3816032201,4.088387966156006,3.441e-07,0.5221238938,0.8936970837,0.26106211895000003,5.093257904052734,0.3187802101,0.3387096774,0.7712177122,0.32874494375,9.116374969482422,1.339e-06,0.5348837209,0.9016018307,0.26744252995,0.3741118907928467,0.2833545766,0.4375,0.8614718615,0.36042728830000004,0.34916186332702637,0.2137784666,0.4375,0.9191919192,0.3256392333
-twolocalrandom,5,12.114751815795898,0.4224355937,0.183908046,0.5,0.30317181984999997,7.475624322891235,0.2294145094,0.4333333333,0.8285714286,0.33137392135,3.0858590602874756,0.2294145094,0.4333333333,0.8285714286,0.33137392135,2.2175612449645996,0.2294145094,0.4333333333,0.8285714286,0.33137392135,0.22727513313293457,0.465651066,0.1285714286,0.6,0.2971112473,0.36135125160217285,0.1233263237,0.2528735632,0.75,0.18809994345
-dj,3,2.6497600078582764,0.9616312825,0.0,0.9,0.48081564125,31.198887825012207,0.8864453615,0.0,0.8222222222,0.44322268075,1.9151802062988281,0.8799886632,0.0,0.9130434783,0.4399943316,2.0918209552764893,0.4466843232,0.0,0.9358974359,0.2233421616,0.3636159896850586,0.9190206454,0.0,0.8823529412,0.4595103227,0.038900136947631836,0.9397938458,0.0,0.9090909091,0.4698969229
-realamprandom,2,4.124023914337158,0.9373443728,0.0,0.9333333333,0.4686721864,12.351365804672241,0.7782336239,0.0,0.9473684211,0.38911681195,0.7908170223236084,0.9478647638,0.0,0.9333333333,0.4739323819,2.6642870903015137,0.6322873591,0.0,0.9615384615,0.31614367955,0.07291007041931152,0.9247365667,0.0,0.8636363636,0.46236828335,0.0386350154876709,0.9160040437,0.0,0.8928571429,0.45800202185
-qpeexact,3,3.570436954498291,0.9355330498,0.0,0.75,0.4677665249,10.049511909484863,0.9370030903,0.0,0.9625,0.46850154515,3.1848857402801514,0.8832257558,0.0,0.6774193548,0.4416128779,1.2217893600463867,0.3603969793,0.0,0.9333333333,0.18019848965,0.1848278045654297,0.8885342881,0.0,0.8518518519,0.44426714405,0.05563688278198242,0.901509168,0.0,0.8888888889,0.450754584
-su2random,2,8.147378921508789,0.9200288191,0.0,0.9333333333,0.46001440955,8.105535984039307,0.7782336239,0.0,0.9473684211,0.38911681195,1.4597182273864746,0.8685684369,0.0,0.9333333333,0.43428421845,1.6044249534606934,0.5695137457,0.0,0.9615384615,0.28475687285,0.29212021827697754,0.9243693585,0.0,0.9,0.46218467925,0.0341031551361084,0.9155385386,0.0,0.9189189189,0.4577692693
-qpeexact,10,9.996872901916504,0.1292070487,0.4186046512,0.4717444717,0.27390584995,5.5092079639434814,3.96777e-05,0.6023529412,0.358974359,0.30119630945000003,13.863832950592041,0.0063847753,0.5408163265,0.8526315789,0.2736005509,5.693500280380249,0.0,0.4815864023,0.8674924925,0.24079320115,1.5107619762420654,0.0578428839,0.3268292683,0.5221445221,0.19233607609999998,0.9095821380615234,0.0256475347,0.5240384615,0.7614678899,0.2748429981
-ae,14,4.802839040756226,0.0004870838,0.2784090909,0.6730143985,0.13944808735,4.284316778182983,3.54e-08,0.6262135922,0.3587548638,0.3131068138,2.6739561557769775,0.0150606098,0.5198329854,0.4753559693,0.2674467976,11.00718903541565,1.06995e-05,0.540942928,0.7748603352,0.27047681375,2.7736589908599854,0.0143832647,0.4558823529,0.6288209607,0.2351328088,18.747353076934814,2.2347e-06,0.5856164384,0.6898566118,0.29280933655
-graphstate,20,1.5647690296173096,0.376780239,0.7169811321,0.7725321888,0.54688068555,2.498508930206299,0.0119299771,0.8086124402,0.3870967742,0.41027120865,10.590646028518677,0.3550479578,0.641509434,0.790513834,0.4982786959,5.425750017166138,3.41961e-05,0.641509434,0.8398791541,0.32077181505,0.6541550159454346,0.225960182,0.6885245902,0.6806282723,0.4572423861,0.6282079219818115,0.1752271627,0.6603773585,0.8133802817,0.41780226060000003
-dj,9,4.2179179191589355,0.6651411296,0.1304347826,0.7195121951,0.3977879561,4.479712009429932,0.3704576126,0.4153846154,0.4758064516,0.39292111399999996,5.324320077896118,0.5949688459,0.0,0.9157894737,0.29748442295,5.821079969406128,0.5949688459,0.0,0.9157894737,0.29748442295,0.9377269744873047,0.5373251054,0.1111111111,0.75,0.32421810825,0.29781007766723633,0.4457847465,0.0,0.7472527473,0.22289237325
-portfoliovqe,9,10.618752002716064,0.0018105829,0.6944444444,0.8938053097,0.34812751365,7.692678213119507,0.0018105829,0.6944444444,0.8938053097,0.34812751365,6.171290159225464,0.0018105829,0.6944444444,0.8938053097,0.34812751365,4.006044864654541,4.19249e-05,0.6944444444,0.95599022,0.34724318465,2.071964979171753,0.0118603705,0.5014749263,0.6718296225,0.2566676484,1.2463092803955078,0.0002430995,0.4909560724,0.6686643836,0.24559958595
-portfoliovqe,11,10.625784873962402,3.54598e-05,0.5113636364,0.3849462366,0.2556995481,8.050227165222168,2e-09,0.7515151515,0.9023957409,0.37575757675000004,6.111975908279419,6.70199e-05,0.7515151515,0.8928571429,0.3757910857,3.909356117248535,6.70199e-05,0.7515151515,0.8928571429,0.3757910857,5.395676136016846,0.0007201684,0.586073501,0.6647211414,0.2933968347,11.335628986358643,8.294e-07,0.6319758673,0.6381004367,0.31598834835
-graphstate,3,1.2631192207336426,0.8673448793,0.0,0.8333333333,0.43367243965,4.7652952671051025,0.8979940082,0.0,0.72,0.4489970041,26.31766176223755,0.8956212894,0.0,0.8181818182,0.4478106447,2.2787840366363525,0.6989576324,0.0,0.9693877551,0.3494788162,1.388739824295044,0.8978094411,0.0,0.8571428571,0.44890472055,0.1024770736694336,0.732348255,0.0,0.85,0.3661741275
-realamprandom,7,16.766144037246704,0.089909938,0.3052208835,0.8084615385,0.19756541075,24.486292839050293,0.0475575351,0.6031746032,0.82,0.32536606915000005,2.9504058361053467,0.0475575351,0.6031746032,0.82,0.32536606915000005,15.033995151519775,0.0,0.4969135802,0.9197026022,0.2484567901,1.1233408451080322,0.2486460306,0.3666666667,0.6314496314,0.30765634865,0.6912298202514648,0.0058942789,0.4480874317,0.7288888889,0.2269908553
-dj,19,14.036444187164307,0.0679906848,0.6623931624,0.3969072165,0.3651919236,25.421992778778076,0.0241385575,0.4135802469,0.4873417722,0.2188594022,3.965467929840088,0.3131612527,0.0,0.7196261682,0.15658062635,2.895313262939453,7.36e-08,0.3209876543,0.8876560333,0.16049386394999998,0.08830809593200684,0.2069882012,0.0545454545,0.6961325967,0.13076682785,0.6677241325378418,0.0822722916,0.2688172043,0.6141078838,0.17554474795
-qpeinexact,7,25.54816699028015,0.2210126805,0.2777777778,0.5518672199,0.24939522915,15.949063777923584,0.0837006315,0.3529411765,0.8235294118,0.218320904,5.976884841918945,0.1962064983,0.3405797101,0.4344262295,0.2683931042,5.022796630859375,0.0234262777,0.2857142857,0.9528619529,0.1545702817,0.13114380836486816,0.1883152712,0.2048192771,0.5990338164,0.19656727415,0.42345380783081055,0.2851230186,0.2555555556,0.7887323944,0.2703392871
-dj,20,25.772701025009155,0.2663639177,0.1978021978,0.5991189427,0.23208305775,5.539549112319946,0.0010696675,0.4901185771,0.4617021277,0.2455941223,3.6895911693573,0.3039235412,0.0298507463,0.6699507389,0.16688714375,1.3136937618255615,7.46e-08,0.1710526316,0.8862275449,0.08552635310000001,0.15619802474975586,0.1235654819,0.0175438596,0.7,0.07055467074999999,0.6074240207672119,0.1740757171,0.2117647059,0.6458333333,0.1929202115
-twolocalrandom,8,10.085613250732422,0.049988127,0.4498381877,0.7407718121,0.24991315735,2.5514049530029297,0.0175339314,0.6547619048,0.8173913043,0.3361479181,3.5084779262542725,0.0175339314,0.6547619048,0.8173913043,0.3361479181,4.415156126022339,0.0,0.4825870647,0.9194711538,0.24129353235,0.2820158004760742,0.0045662736,0.4080717489,0.5467479675,0.20631901125,1.0116510391235352,0.000970306,0.4833333333,0.679144385,0.24215181965
-pricingcall,9,8.36058497428894,0.0427633636,0.2079207921,0.5814917127,0.12534207785,3.6603641510009766,5.77424e-05,0.337890625,0.4748717949,0.1689741837,3.8538382053375244,1.26206e-05,0.0517241379,0.9587041652,0.02586837925,5.415716886520386,9.8e-07,0.1338028169,0.958828646,0.06690189845000001,0.3902578353881836,0.0174545223,0.1596958175,0.6619537275,0.0885751699,1.1280550956726074,0.0137662847,0.2572347267,0.7866941015,0.13550050570000002
-vqe,15,6.310275077819824,0.461498781,0.3,0.8360655738,0.3807493905,13.764274835586548,7.4335e-06,0.5463917526,0.8944504897,0.27319959304999997,4.387777805328369,0.3359448342,0.4109589041,0.7667731629,0.37345186915,6.163974761962891,0.0,0.5,0.9398826979,0.25,0.17710089683532715,0.3100531618,0.4285714286,0.875,0.3693122952,0.3625619411468506,0.3881484354,0.4285714286,0.9211267606,0.408359932
-graphstate,14,3.7469661235809326,0.5278426485,0.4482758621,0.8284023669,0.48805925529999994,1.3303802013397217,0.0027068023,0.7704280156,0.3526448363,0.38656740894999997,2.2443320751190186,0.468856923,0.53125,0.8139534884,0.5000534615,0.9880640506744385,0.0011928019,0.4507042254,0.8486140725,0.22594851365,0.3984079360961914,0.4050759011,0.3333333333,0.6538461538,0.3692046172,0.4291117191314697,0.4678383971,0.46,0.7716894977,0.46391919855
-qgan,6,8.343613147735596,0.3236205949,0.2121212121,0.5796178344,0.2678709035,5.719076871871948,0.4240295007,0.3194444444,0.6170212766,0.37173697255000004,2.5168190002441406,0.4915549803,0.3703703704,0.7081081081,0.43096267535,2.9838991165161133,0.0194031895,0.375,0.9344262295,0.19720159475,0.419572114944458,0.316288177,0.1935483871,0.7847222222,0.25491828205,0.26487207412719727,0.5698911586,0.2222222222,0.7540983607,0.39605669039999997
-groundstate,12,5.9152679443359375,0.0016745146,0.6494845361,0.3340961098,0.32557952535,6.01533317565918,0.0,0.7005420054,0.8370860927,0.3502710027,2.9064059257507324,7.35173e-05,0.7218813906,0.6534372785,0.36097745395,6.515250205993652,0.0,0.6012269939,0.9058710298,0.30061349695,1.22105073928833,0.0001187389,0.6351039261,0.6327396098,0.3176113325,7.616126775741577,1.15459e-05,0.5649452269,0.5790513834,0.2824783864
-qaoa,8,7.101873159408569,0.3521375965,0.6875,0.9166666667,0.51981879825,4.303078889846802,0.0367376048,0.5833333333,0.6142857143,0.31003546905,2.2579188346862793,0.3521375965,0.6875,0.9166666667,0.51981879825,1.5090560913085938,0.0148493688,0.6875,0.9384615385,0.3511746844,0.2984020709991455,0.2665893366,0.66,0.7252747253,0.4632946683,0.3750178813934326,0.1990709972,0.7076923077,0.803030303,0.45338165245
-ghz,14,7.041659116744995,0.496194979,0.3870967742,0.3541666667,0.4416458766,1.00913405418396,0.0492129521,0.4615384615,0.1574074074,0.2553757068,4.215148210525513,0.5446182023,0.12,0.4047619048,0.33230910115,2.6200618743896484,0.0002985854,0.0882352941,0.9474497682,0.04426693975,0.19342589378356934,0.5499361727,0.0,0.5666666667,0.27496808635,0.1434800624847412,0.6506758605,0.0,0.9239766082,0.32533793025
-su2random,5,2.1712419986724854,0.3021109576,0.1585365854,0.5089820359,0.2303237715,0.9742021560668945,0.2177009508,0.4333333333,0.8461538462,0.32551714205,3.14695405960083,0.2177009508,0.4333333333,0.8461538462,0.32551714205,1.8191308975219727,0.2177009508,0.4333333333,0.8461538462,0.32551714205,0.30324482917785645,0.4657627537,0.1285714286,0.5977011494,0.29716709115,0.3852827548980713,0.1229713869,0.2528735632,0.7629427793,0.18792247504999998
-qpeexact,5,20.45200777053833,0.6741929691,0.0,0.8996763754,0.33709648455,2.511563777923584,0.2585171041,0.1923076923,0.8563535912,0.2254123982,2.3140039443969727,0.6696786103,0.22,0.5412844037,0.44483930515,0.4718780517578125,0.0041685828,0.25,0.9233926129,0.1270842914,0.1285710334777832,0.2962042728,0.0526315789,0.6082474227,0.17441792585,0.2724030017852783,0.5678933986,0.0,0.8333333333,0.2839466993
-vqe,7,4.921667098999023,0.771040729,0.2,0.8818897638,0.4855203645,5.329095125198364,0.5635473348,0.3333333333,0.9245283019,0.44844033404999994,1.1235439777374268,0.7434411804,0.3333333333,0.9032258065,0.53838725685,1.4396088123321533,0.1548983843,0.3333333333,0.953125,0.24411585879999997,0.11490702629089355,0.6035129981,0.3333333333,0.8787878788,0.4684231657,0.1344461441040039,0.7620116242,0.3333333333,0.923566879,0.54767247875
-tsp,9,3.4601311683654785,0.4569182183,0.6,0.9284436494,0.5284591091499999,9.56101393699646,0.085437508,0.6,0.9054373522,0.34271875399999996,3.2059547901153564,0.4527589385,0.6,0.9284436494,0.52637946925,0.9752998352050781,0.085437508,0.6,0.9054373522,0.34271875399999996,0.2608680725097656,0.2970586081,0.6,0.8791540785,0.44852930405,0.4098961353302002,0.529253429,0.6,0.9175257732,0.5646267145
-ghz,13,5.313439130783081,0.4738570559,0.1111111111,0.3720930233,0.2924840835,8.074725866317749,0.0037533489,0.3076923077,0.8712871287,0.1557228283,4.668368816375732,0.5414686095,0.1,0.347826087,0.32073430475,1.5585520267486572,0.0002287205,0.0,0.8672566372,0.00011436025,0.07816815376281738,0.5593036276,0.0,0.5714285714,0.2796518138,0.14404892921447754,0.6657417059,0.0,0.9240506329,0.33287085295
-ghz,12,11.134581089019775,0.5212704364,0.0,0.46875,0.2606352182,3.3324170112609863,0.1299001153,0.4225352113,0.1744186047,0.27621766329999997,4.34843111038208,0.507476872,0.243902439,0.2678571429,0.3756896555,1.2544760704040527,0.0119464459,0.0,0.8669724771,0.00597322295,0.09104108810424805,0.5763532555,0.0,0.5769230769,0.28817662775,0.13362908363342285,0.717963403,0.0,0.924137931,0.3589817015
-su2random,4,9.753955841064453,0.6316969799,0.0,0.6829268293,0.31584848995,2.7238380908966064,0.3912676532,0.2777777778,0.8571428571,0.3345227155,1.8670783042907715,0.3912676532,0.2777777778,0.8571428571,0.3345227155,1.8614473342895508,0.0004274902,0.2777777778,0.9253112033,0.139102634,0.16182518005371094,0.4924767899,0.0,0.7358490566,0.24623839495,0.21803689002990723,0.2526484057,0.0,0.8371040724,0.12632420285
-qpeexact,4,3.4974441528320312,0.8381237658,0.0,0.7083333333,0.4190618829,3.489964008331299,0.1421077812,0.4189189189,0.6810344828,0.28051335005,3.3424787521362305,0.7885618649,0.0,0.6666666667,0.39428093245,0.6485538482666016,0.1853469467,0.0,0.9285714286,0.09267347335,0.09190201759338379,0.706788623,0.0,0.7962962963,0.3533943115,0.14490699768066406,0.7996933519,0.1,0.8780487805,0.44984667595
-vqe,6,1.3753809928894043,0.776801253,0.3,0.9056603774,0.5384006265,1.2832579612731934,0.5875495869,0.3,0.8648648649,0.44377479345000004,2.060920000076294,0.5875495869,0.3,0.8648648649,0.44377479345000004,0.4167017936706543,0.1916206491,0.3,0.9537037037,0.24581032455000001,0.05274200439453125,0.7640605952,0.3,0.8863636364,0.5320302976,0.12598919868469238,0.7860912609,0.3,0.9230769231,0.54304563045
-qaoa,9,1.3755059242248535,0.3574362129,0.6833333333,0.7183098592,0.5203847731,0.2635791301727295,0.309066152,0.6666666667,0.9166666667,0.48786640935,1.1181697845458984,0.309066152,0.6666666667,0.9166666667,0.48786640935,0.03777813911437988,0.309066152,0.6666666667,0.9166666667,0.48786640935,0.313457727432251,0.2484313779,0.6666666667,0.7313432836,0.4575490223,0.42380499839782715,0.2084259073,0.6140350877,0.8389830508,0.4112304975
-ghz,15,1.8277759552001953,0.5172206336,0.1153846154,0.4090909091,0.3163026245,0.8673679828643799,0.0,0.4525139665,0.8593872742,0.22625698325,4.103558301925659,0.4653050079,0.1875,0.36,0.32640250395000003,0.7989919185638428,0.4747675871,0.2926829268,0.9147609148,0.38372525695000004,0.16864323616027832,0.528643537,0.0,0.5625,0.2643217685,0.15856289863586426,0.4776174386,0.0,0.9239130435,0.2388087193
-qgan,7,3.9368441104888916,0.554035236,0.2807017544,0.641509434,0.4173684952,0.7395501136779785,0.2405256715,0.4761904762,0.9230769231,0.35835807385,2.3294572830200195,0.355277215,0.4615384615,0.685483871,0.40840783825,2.920335054397583,0.0001429254,0.5490196078,0.9285213735,0.27458126660000004,0.6537718772888184,0.5959064417,0.2888888889,0.775,0.44239766529999996,0.3765099048614502,0.161489261,0.3333333333,0.7625,0.24741129715
-vqe,14,3.0016839504241943,0.4926657643,0.3404255319,0.8265682657,0.4165456481,0.7970950603485107,0.0105154284,0.5973154362,0.600536193,0.3039154323,4.099756956100464,0.2721401074,0.35,0.7368421053,0.31107005369999996,3.5396809577941895,2.921e-07,0.4225352113,0.9015256588,0.2112677517,0.23610305786132812,0.4216582234,0.4230769231,0.8737864078,0.42236757324999996,0.27179598808288574,0.5459642625,0.4230769231,0.9212121212,0.4845205928
-graphstate,15,3.2783401012420654,0.4605093964,0.6285714286,0.8813559322,0.5445404125,0.7262358665466309,0.0011077279,0.7491749175,0.3311258278,0.3751413227,3.2744922637939453,0.408995191,0.6904761905,0.7627118644,0.54973569075,2.145998001098633,3.28858e-05,0.5138888889,0.8481012658,0.25696088735,0.3782339096069336,0.3202787225,0.7209302326,0.6504065041,0.52060447755,0.43545103073120117,0.33742026,0.5897435897,0.8177570093,0.46358192485
-qpeinexact,6,2.1727399826049805,0.3944990757,0.196969697,0.5479452055,0.29573438635,8.805763244628906,0.0076614594,0.4508928571,0.7248157248,0.22927715825,3.2797799110412598,0.332426083,0.2708333333,0.4576271186,0.30162970815,3.174232244491577,9.4106e-05,0.3611111111,0.9215686275,0.18060260855,0.09522891044616699,0.3749037543,0.1153846154,0.6312056738,0.24514418485,0.32114481925964355,0.4739692783,0.15,0.8039215686,0.31198463915
-twolocalrandom,9,1.0841162204742432,0.0010648318,0.5532879819,0.3,0.27717640685,1.7243058681488037,0.0056162499,0.6944444444,0.8153846154,0.35003034715,1.9021499156951904,0.0056162499,0.6944444444,0.8153846154,0.35003034715,4.086327075958252,4.19249e-05,0.6944444444,0.95599022,0.34724318465,3.361823081970215,0.0389318669,0.4771784232,0.7028360049,0.25805514505,1.227396011352539,0.0002424848,0.4909560724,0.6720338983,0.2455992786
-realamprandom,6,7.633360147476196,0.1439000794,0.3594771242,0.7567567568,0.25168860179999997,2.435760974884033,0.112064106,0.5333333333,0.8235294118,0.32269871964999997,2.4160819053649902,0.112064106,0.5333333333,0.8235294118,0.32269871964999997,5.637089252471924,1.767e-07,0.4139784946,0.9211195929,0.20698933565000002,1.4196879863739014,0.0254417654,0.2976190476,0.7181208054,0.1615304065,0.4622018337249756,0.1941960161,0.3515151515,0.6950092421,0.2728555838
-dj,18,4.668268918991089,0.3622382717,0.0172413793,0.8361581921,0.18973982550000001,5.8016579151153564,4.57124e-05,0.4643734644,0.2783687943,0.2322095884,3.863584041595459,0.2458102632,0.3673469388,0.5967078189,0.306578601,3.7520759105682373,5.07e-08,0.2058823529,0.8904991948,0.1029412018,0.0959320068359375,0.3428141427,0.0222222222,0.748603352,0.18251818244999998,0.4999370574951172,0.2462390294,0.186440678,0.7035175879,0.2163398537
-portfoliovqe,10,13.778378963470459,0.0094317752,0.4540441176,0.5661881978,0.2317379464,1.8941650390625,0.000379652,0.7259259259,0.8932806324,0.36315278895,12.127613067626953,0.000379652,0.7259259259,0.8932806324,0.36315278895,1.836543083190918,3.7219e-06,0.7259259259,0.9554455446,0.3629648239,0.5135440826416016,8.68481e-05,0.4223744292,0.6099732858,0.21123063865,6.692779779434204,1.14331e-05,0.6026365348,0.6448160535,0.30132398395
-pricingput,5,4.331503868103027,0.1995427337,0.088,0.584717608,0.14377136685,4.21452784538269,0.1012255589,0.1290322581,0.593442623,0.11512890849999999,2.973942995071411,0.3325517356,0.07,0.6441281139,0.2012758678,1.3845980167388916,0.060974408,0.0576923077,0.8690176322,0.059333357850000004,0.13635921478271484,0.1720459835,0.0441176471,0.7333333333,0.1080818153,0.33905577659606934,0.2883244268,0.0326086957,0.8196078431,0.16046656125
-su2random,3,4.110747814178467,0.6480782915,0.0,0.7,0.32403914575,28.561532974243164,2.22887e-05,0.2631578947,0.9083601286,0.1315900917,2.4161760807037354,0.8507321146,0.0,0.8360655738,0.4253660573,2.139902114868164,0.5559371835,0.0,0.9166666667,0.27796859175,0.1239781379699707,0.7461347737,0.0,0.7710843373,0.37306738685,0.13733196258544922,0.4045669882,0.0,0.8372093023,0.2022834941
-qpeexact,11,21.305816888809204,0.0348106276,0.31640625,0.8818097876,0.1756084388,0.09868597984313965,0.0016167799,0.544,0.8513674197,0.27280838995,2.8731489181518555,0.0016167799,0.544,0.8513674197,0.27280838995,3.149482011795044,6.22924e-05,0.5137614679,0.9524017467,0.25691188015,1.564720869064331,0.0005898952,0.3460076046,0.5542372881,0.17329874990000002,10.123840093612671,0.0035094687,0.4671814672,0.7636861314,0.23534546795
-dj,8,6.900376796722412,0.7019462142,0.1578947368,0.7323943662,0.4299204755,4.471714019775391,0.2095041394,0.4426229508,0.5763888889,0.3260635451,3.157684803009033,0.6384115806,0.0,0.9135802469,0.3192057903,0.08783388137817383,0.005068078,0.5245901639,0.9221938776,0.26482912095,0.3076932430267334,0.6576700178,0.0714285714,0.7878787879,0.3645492946,0.2974100112915039,0.527832462,0.0,0.7894736842,0.263916231
-portfoliovqe,8,6.717941045761108,0.0238874024,0.4166666667,0.6405529954,0.22027703455,1.8025720119476318,0.0072694569,0.6547619048,0.8944723618,0.33101568085,4.205539226531982,0.0072694569,0.6547619048,0.8944723618,0.33101568085,0.8673610687255859,0.0,0.4950980392,0.9267241379,0.2475490196,0.9840352535247803,0.0020553291,0.3852140078,0.6280752533,0.19363466845,1.0500741004943848,0.0009709346,0.4833333333,0.6753246753,0.24215213395
-twolocalrandom,4,12.28547215461731,0.735330303,0.0,0.6538461538,0.3676651515,0.030272960662841797,0.4080208817,0.2777777778,0.8363636364,0.34289932975000004,3.7133431434631348,0.6517268063,0.0,0.6538461538,0.32586340315,2.9106979370117188,0.0012295216,0.253968254,0.925,0.1275988878,0.25931596755981445,0.4924767899,0.0,0.7281553398,0.24623839495,0.2116868495941162,0.2534812171,0.0,0.8153846154,0.12674060855
-dj,2,2.7334859371185303,0.9661062366,0.0,0.9285714286,0.4830531183,75.85603189468384,0.9764074049,0.0,0.96875,0.48820370245,1.1977059841156006,0.9506992237,0.0,0.9285714286,0.47534961185,0.7878611087799072,0.7721816753,0.0,0.96,0.38609083765,0.01914811134338379,0.9673958691,0.0,0.9,0.48369793455,0.02562880516052246,0.9449645073,0.0,0.9230769231,0.47248225365
-realamprandom,3,2.575016975402832,0.617169928,0.0,0.7083333333,0.308584964,39.04253911972046,0.2244536847,0.0,0.9090909091,0.11222684235,3.2896599769592285,0.8507321146,0.0,0.8360655738,0.4253660573,2.93416690826416,0.021710708,0.0,0.8961038961,0.010855354,0.20462584495544434,0.7463039891,0.0,0.7564102564,0.37315199455,0.11773896217346191,0.4050650143,0.0,0.8235294118,0.20253250715
-qpeexact,2,2.6871838569641113,0.9676601659,0.0,0.8461538462,0.48383008295,62.370654821395874,0.8682938381,0.0,0.9756097561,0.43414691905,0.9264998435974121,0.9592822771,0.0,0.8461538462,0.47964113855,1.551210880279541,0.7815702749,0.0,0.9428571429,0.39078513745,0.30231714248657227,0.9665999393,0.0,0.9285714286,0.48329996965,0.026278257369995117,0.9803381684,0.0,0.9230769231,0.4901690842
-qpeexact,12,23.62843370437622,0.0141701614,0.5346756152,0.7889518414,0.2744228883,2.456516742706299,6.91e-08,0.5607196402,0.2904255319,0.28035985465,4.5620880126953125,0.0014726272,0.4380664653,0.4510779436,0.21976954625,2.550973892211914,0.0,0.4432717678,0.8704716336,0.2216358839,2.2378621101379395,0.0144148885,0.3123028391,0.5115562404,0.1633588638,7.011013984680176,0.0006571002,0.4535519126,0.7184615385,0.2271045064
-vqe,16,2.820211172103882,0.4218213908,0.3541666667,0.8421052632,0.38799402875,2.986562967300415,0.0012351377,0.5259259259,0.4866920152,0.2635805318,2.306230068206787,0.3937992407,0.375,0.8421052632,0.38439962034999997,2.0237009525299072,8.5073e-06,0.5,0.9080779944,0.25000425365,0.46668481826782227,0.2869059525,0.4333333333,0.8717948718,0.3601196429,0.33371591567993164,0.284808517,0.4333333333,0.9208443272,0.35907092515
-portfolioqaoa,7,3.713404893875122,0.0130905506,0.3449612403,0.4568421053,0.17902589545000003,2.779000759124756,0.0200820571,0.6031746032,0.9072164948,0.31162833015,1.7587010860443115,0.0025441715,0.5948717949,0.3423271501,0.29870798319999997,2.713932991027832,0.0,0.5288220551,0.920056101,0.26441102755,1.404555082321167,0.1137065781,0.3856502242,0.5776515152,0.24967840115,0.9336037635803223,0.0007178253,0.4471544715,0.7913486005,0.22393614839999998
-graphstate,8,3.297673225402832,0.6482881203,0.4347826087,0.7578947368,0.5415353645000001,14.538498878479004,0.1409908903,0.5625,0.477124183,0.35174544515,1.8687269687652588,0.593411827,0.625,0.9166666667,0.6092059135,2.184183120727539,0.3781076107,0.625,0.9701492537,0.5015538053499999,0.11678910255432129,0.6034410637,0.5,0.7586206897,0.55172053185,0.2949209213256836,0.3951905216,0.55,0.8245614035,0.4725952608
-qaoa,12,17.815575122833252,0.3335038846,0.7166666667,0.8481012658,0.52508527565,1.9610388278961182,0.0003511568,0.7130434783,0.3715846995,0.35669731755,4.656653165817261,0.1901639048,0.625,0.7391304348,0.4075819524,12.807731866836548,5.155e-07,0.6666666667,0.9530883503,0.3333335911,0.24479389190673828,0.1593314913,0.7083333333,0.8048780488,0.4338324123,0.3591010570526123,0.1929247577,0.7083333333,0.8901601831,0.45062904550000005
-tsp,4,1.1037838459014893,0.8352738031,0.2666666667,0.9344978166,0.5509702349,1.9437518119812012,0.1454132722,0.2666666667,0.9140401146,0.20603996945,4.434595823287964,0.3929970978,0.2666666667,0.9079754601,0.32983188225,2.156911849975586,0.1836572757,0.2666666667,0.961928934,0.2251619712,0.47406792640686035,0.6699809262,0.2666666667,0.8888888889,0.46832379645,0.1965312957763672,0.7612226719,0.2666666667,0.9189189189,0.5139446693
-tsp,16,1.8796820640563965,0.2913654776,0.6933333333,0.9265426053,0.49234940545,3.2706868648529053,2.6216e-06,0.6708074534,0.6620013996,0.3354050375,1.131859302520752,0.2551233379,0.6933333333,0.9265426053,0.4742283356,10.685331344604492,0.0,0.503030303,0.8626144879,0.2515151515,1.0697619915008545,0.0632680685,0.6933333333,0.8764415157,0.3783007009,0.7465829849243164,0.1235810782,0.6933333333,0.9171270718,0.40845720575
-qpeinexact,7,34.323089838027954,0.4708036944,0.1904761905,0.8916129032,0.33063994245,1.6668269634246826,0.0618459379,0.4509803922,0.3419354839,0.25641316505,6.395603895187378,0.1732915807,0.3133333333,0.4140625,0.243312457,1.613710880279541,0.0205495302,0.2857142857,0.9553666312,0.15313190795,0.9592158794403076,0.2416502606,0.2134831461,0.5721153846,0.22756670335,0.43731093406677246,0.2850150625,0.2555555556,0.7887323944,0.27028530905000003
-qftentangled,15,19.160819053649902,0.0021276695,0.523255814,0.8151200287,0.26269174175,3.4579849243164062,0.0,0.7263763353,0.2369905956,0.36318816765,5.1019768714904785,0.0007310122,0.6773296245,0.3274087933,0.33903031835,3.595425844192505,0.0,0.5714285714,0.8681948424,0.2857142857,1.2877709865570068,0.0002109644,0.5665467626,0.4861367837,0.2833788635,6.0190300941467285,7.1e-09,0.5991440799,0.7182475884,0.2995720435
-qaoa,5,34.9896399974823,0.3977424915,0.1860465116,0.8300395257,0.29189450155,0.8884742259979248,0.5208291071,0.4,0.9166666667,0.46041455355,3.549474000930786,0.5208291071,0.4,0.9166666667,0.46041455355,1.6230237483978271,0.009480466,0.3421052632,0.9297597043,0.17579286460000002,0.2121870517730713,0.2072195983,0.2413793103,0.7410714286,0.2242994543,0.2539060115814209,0.2345560426,0.28,0.7695852535,0.2572780213
-graphstate,17,4.826817035675049,0.45297805,0.7073170732,0.7886597938,0.5801475616,3.4430980682373047,0.0004517205,0.7406143345,0.3671706263,0.3705330275,0.899428129196167,0.3591148824,0.6603773585,0.7623318386,0.50974612045,2.240204095840454,8.395e-07,0.6991150442,0.8507265522,0.34955794185,0.5304770469665527,0.2935872702,0.6842105263,0.7579617834,0.48889889825,0.44635701179504395,0.065453211,0.5194805195,0.7240143369,0.29246686525
-ghz,19,6.468984127044678,0.3946588001,0.0714285714,0.3636363636,0.23304368575,0.41509199142456055,0.0052642353,0.4722222222,0.0924369748,0.23874322874999998,1.6649370193481445,0.3371721818,0.1228070175,0.2784810127,0.22998959965000002,4.394739151000977,2.197e-07,0.2631578947,0.9408099688,0.13157905720000002,0.3641700744628906,0.439990812,0.0,0.55,0.219995406,0.19828510284423828,0.2612258534,0.0,0.9237288136,0.1306129267
-su2random,8,10.909083127975464,0.0353144057,0.4423076923,0.3097345133,0.238811049,0.6990840435028076,0.0161236148,0.6547619048,0.8292682927,0.3354427598,6.523717880249023,0.0161236148,0.6547619048,0.8292682927,0.3354427598,3.24151611328125,0.0003646483,0.6547619048,0.9566563467,0.32756327655,0.5000302791595459,0.0029719184,0.3765690377,0.5191146881,0.18977047805,1.0620181560516357,0.0009668578,0.4833333333,0.692937564,0.24215009555
-qpeexact,8,3.6234002113342285,0.1537302519,0.3832335329,0.4433333333,0.2684818924,0.09305906295776367,0.0346544024,0.4,0.8539325843,0.21732720120000001,3.792349100112915,0.1424210621,0.3286713287,0.481884058,0.2355461954,0.7528948783874512,9.144e-07,0.3670886076,0.9221674877,0.183544761,0.16293931007385254,0.2458605566,0.2201834862,0.5791505792,0.2330220214,0.7273650169372559,0.2293070633,0.3307692308,0.7666068223,0.28003814704999996
-wstate,17,8.543606042861938,0.2906679645,0.4189189189,0.7658227848,0.3547934417,2.2755517959594727,0.0098360621,0.3850931677,0.5250737463,0.1974646149,3.5369961261749268,0.2536382836,0.4875,0.7740112994,0.3705691418,2.605677843093872,6.054e-06,0.3661971831,0.8773747841,0.18310161854999998,0.6798243522644043,0.2911252518,0.4375,0.7808219178,0.3643126259,0.33156299591064453,0.219231819,0.4375,0.9137466307,0.3283659095
-vqe,18,11.005650043487549,0.2897016271,0.3275862069,0.9429133858,0.30864391700000005,2.891286849975586,0.0007004032,0.5485893417,0.4744645799,0.27464487244999997,4.346476078033447,0.3337526199,0.328125,0.8181818182,0.33093880995,7.395308017730713,2e-10,0.5254237288,0.8940754039,0.2627118645,1.00754714012146,0.2704567498,0.4411764706,0.8571428571,0.3558166102,0.3630220890045166,0.1693242163,0.4411764706,0.9188544153,0.30525034345
-graphstate,19,10.658518075942993,0.4351873365,0.5217391304,0.7880184332,0.47846323344999997,2.592170000076294,0.000380796,0.8092485549,0.3544776119,0.40481467545,12.257840871810913,0.3812285001,0.6530612245,0.7772727273,0.5171448623,5.2634358406066895,1e-10,0.5625,0.8521256932,0.28125000005,1.1487469673156738,0.2004650383,0.5303030303,0.671641791,0.3653840343,0.6826820373535156,0.2848446705,0.5102040816,0.8171641791,0.39752437605
-dj,14,3.493345022201538,0.4707283603,0.262295082,0.6411764706,0.36651172114999997,0.14505290985107422,0.0697527657,0.4251968504,0.5431654676,0.24747480805,1.2841448783874512,0.3871808581,0.2459016393,0.6411764706,0.3165412487,2.3431179523468018,0.0004423155,0.0810810811,0.8994565217,0.040761698299999996,0.07471203804016113,0.3928846552,0.0,0.7419354839,0.1964423276,0.34790992736816406,0.3665705236,0.0697674419,0.7152317881,0.21816898275
-ae,3,9.243944883346558,0.8915885624,0.0,0.8269230769,0.4457942812,39.18559193611145,0.289578141,0.3970588235,0.6530612245,0.34331848225,17.96911597251892,0.8328603461,0.0,0.76,0.41643017305,1.9806921482086182,0.5540220333,0.0,0.9594594595,0.27701101665,0.09320306777954102,0.8895662416,0.0,0.8043478261,0.4447831208,0.09685182571411133,0.6850402284,0.0,0.8695652174,0.3425201142
-twolocalrandom,5,8.560795783996582,0.4005643483,0.1609195402,0.8733624454,0.28074194425,1.5302951335906982,0.2294145094,0.4333333333,0.8285714286,0.33137392135,11.808602094650269,0.2294145094,0.4333333333,0.8285714286,0.33137392135,3.0116631984710693,0.2294145094,0.4333333333,0.8285714286,0.33137392135,0.895143985748291,0.465651066,0.1285714286,0.6,0.2971112473,0.5686180591583252,0.1233263237,0.2528735632,0.75,0.18809994345
-qpeinexact,14,7.837755918502808,0.0135703529,0.5168269231,0.7762237762,0.265198638,2.048743963241577,1.2e-09,0.6619411123,0.2847113885,0.33097055675,12.900886058807373,0.0020364969,0.5,0.3939393939,0.25101824845,13.051735639572144,0.0,0.5644171779,0.9044324578,0.28220858895,1.2722580432891846,0.0008333564,0.4113785558,0.4899553571,0.2061059561,13.078292846679688,2.8053e-06,0.5673249551,0.6985930736,0.2836638802
-portfoliovqe,4,1.381579875946045,0.5341112142,0.25,0.7247706422,0.3920556071,2.6153600215911865,0.3742204125,0.2777777778,0.8741258741,0.32599909515000003,4.538118124008179,0.3378659218,0.2777777778,0.9010989011,0.30782184980000005,6.404276371002197,0.0129864839,0.1403508772,0.9349315068,0.07666868055,1.132964849472046,0.3917342631,0.0,0.7209302326,0.19586713155,0.24258017539978027,0.2534812171,0.0,0.8172588832,0.12674060855
-portfoliovqe,11,29.880671739578247,0.000436586,0.5,0.6525559105,0.250218293,1.6737678050994873,6.70199e-05,0.7515151515,0.8928571429,0.3757910857,2.237246036529541,6.70199e-05,0.7515151515,0.8928571429,0.3757910857,2.7790029048919678,6.70199e-05,0.7515151515,0.8928571429,0.3757910857,0.7515769004821777,0.0007201684,0.586073501,0.6649384316,0.2933968347,11.451972961425781,8.294e-07,0.6319758673,0.6381004367,0.31598834835
-dj,4,1.4754397869110107,0.9450899935,0.0,0.8888888889,0.47254499675,12.141705989837646,0.861517212,0.25,0.6666666667,0.5557586059999999,3.243246078491211,0.8287483133,0.0,0.9090909091,0.41437415665,4.902125120162964,0.6014843845,0.0,0.9375,0.30074219225,0.023804903030395508,0.6457269088,0.0,0.875,0.3228634544,0.04556703567504883,0.6445913311,0.0,0.9032258065,0.32229566555
-pricingput,9,3.1657028198242188,0.0464699339,0.2383419689,0.5506402794,0.1424059514,5.028088092803955,1.46497e-05,0.3357400722,0.4605647517,0.16787736095,8.776108026504517,5.01598e-05,0.1666666667,0.9186550976,0.08335841325,1.9376189708709717,4.546e-07,0.1666666667,0.9587798846,0.08333356065,0.5452480316162109,0.0157371895,0.1697416974,0.6715151515,0.09273944345,1.193486213684082,0.0010407348,0.2540540541,0.7684605757,0.12754739445
-portfoliovqe,3,6.721324920654297,0.7028467943,0.0,0.847826087,0.35142339715,13.081008911132812,0.4940995659,0.0,0.9411764706,0.24704978295,1.8440797328948975,0.7703011417,0.0,0.8421052632,0.38515057085,3.312370777130127,0.1609534419,0.0,0.9326923077,0.08047672095,0.04945206642150879,0.7439136177,0.0,0.7865168539,0.37195680885,1.5041210651397705,0.4050650143,0.0,0.8205128205,0.20253250715
-qaoa,15,10.373043060302734,0.2384977824,0.68,0.7727272727,0.4592488912,0.31185197830200195,7.5441e-06,0.7397504456,0.3125,0.36987899485000003,10.25605821609497,0.1733673104,0.7466666667,0.7727272727,0.46001698855,1.125657081604004,0.0,0.7857142857,0.9505300353,0.39285714285,0.13410711288452148,0.125070023,0.7261904762,0.7469879518,0.4256302496,0.747063159942627,0.0424419372,0.7179487179,0.805,0.38019532755
-wstate,13,10.013577222824097,0.4313671921,0.3888888889,0.8512396694,0.4101280405,0.27356696128845215,0.0253211662,0.511627907,0.6149253731,0.26847453660000004,11.62115478515625,0.5003023888,0.303030303,0.7898089172,0.4016663459,1.1065590381622314,2.254e-07,0.4791666667,0.8692098093,0.23958344605,1.4815020561218262,0.4379229057,0.4166666667,0.7818181818,0.4272947862,0.2812769412994385,0.5702601585,0.4166666667,0.9139784946,0.49346341260000004
-twolocalrandom,8,18.07561492919922,0.00169639,0.4732297064,0.7238912732,0.2374630482,2.493112802505493,0.0175339314,0.6547619048,0.8173913043,0.3361479181,1.7041499614715576,0.0175339314,0.6547619048,0.8173913043,0.3361479181,0.648590087890625,0.0,0.5708061002,0.9191331924,0.2854030501,0.30254626274108887,0.0045662736,0.4080717489,0.5467479675,0.20631901125,1.0820198059082031,0.000970306,0.4833333333,0.679144385,0.24215181965
-qpeinexact,13,14.944079160690308,0.0,0.4612403101,0.8916118191,0.23062015505,0.7858929634094238,5.2e-09,0.6700796359,0.2662771285,0.33503982055,1.8989381790161133,0.0002317561,0.5420289855,0.3161546085,0.2711303708,7.934468984603882,0.0,0.501529052,0.906970128,0.250764526,1.2906649112701416,0.0045954709,0.3994778068,0.5077120823,0.20203663885,3.8548028469085693,8.37627e-05,0.5859375,0.754789272,0.29301063135
-ghz,6,1.949064016342163,0.7767385141,0.0,0.6428571429,0.38836925705,6.887299299240112,0.8266011899,0.0,0.6875,0.41330059495,2.9898641109466553,0.6824083567,0.375,0.5294117647,0.5287041783499999,0.0504460334777832,0.3720178652,0.0,0.9275362319,0.1860089326,0.1471233367919922,0.8413297542,0.0,0.6428571429,0.4206648771,0.07723402976989746,0.8337568618,0.0,0.9253731343,0.4168784309
-dj,17,11.30274772644043,0.3182805148,0.1643835616,0.7125984252,0.24133203820000002,0.7296168804168701,0.0561889509,0.4532374101,0.4527559055,0.2547131805,2.069728136062622,0.3161393758,0.2388059701,0.6318681319,0.27747267295,2.7465620040893555,8.92e-08,0.125,0.8863232682,0.0625000446,0.6125240325927734,0.2611421037,0.0454545455,0.7283950617,0.1532983246,0.4235079288482666,0.2616616786,0.1454545455,0.7058823529,0.20355811205000002
-twolocalrandom,12,11.77978229522705,8.83013e-05,0.485915493,0.8007949497,0.24300189714999998,0.9788532257080078,0.0,0.7761557178,0.1696969697,0.3880778589,1.317418098449707,1.3914e-06,0.7172774869,0.2107438017,0.35863943915,5.405179023742676,0.0,0.6618217054,0.8619582665,0.3309108527,8.781624794006348,0.0013981555,0.625,0.7193877551,0.31319907775,8.096493005752563,1.909e-07,0.613559322,0.6087533156,0.30677975645
-ghz,2,3.8035857677459717,0.9137315148,0.0,0.8333333333,0.4568657574,36.629528760910034,0.9671723598,0.0,0.875,0.4835861799,2.7769970893859863,0.9671442911,0.0,0.8333333333,0.48357214555,1.1813938617706299,0.7415254665,0.0,0.9411764706,0.37076273325,0.03144478797912598,0.9567576491,0.0,0.8333333333,0.47837882455,0.04581189155578613,0.9372896691,0.0,0.9333333333,0.46864483455
-qft,3,2.9118173122406006,0.8184591449,0.0,0.5862068966,0.40922957245,20.172290086746216,0.8659464547,0.0,0.8965517241,0.43297322735,2.216007947921753,0.8356816667,0.0,0.6363636364,0.41784083335,8.877517938613892,0.3403769351,0.0,0.9104477612,0.17018846755,0.23739290237426758,0.8812278459,0.0,0.7058823529,0.44061392295,0.12866592407226562,0.6861756261,0.0,0.8636363636,0.34308781305
-graphstate,4,2.3888330459594727,0.8635568199,0.0,0.8510638298,0.43177840995,2.901165246963501,0.7703322835,0.25,0.9166666667,0.5101661417500001,10.542346954345703,0.7703322835,0.25,0.9166666667,0.5101661417500001,2.4339518547058105,0.2068017812,0.4,0.9572649573,0.30340089060000003,0.027012109756469727,0.7419241544,0.0,0.7586206897,0.3709620772,0.11436104774475098,0.6673389511,0.1,0.8245614035,0.38366947554999997
-qft,10,9.057624101638794,0.1172596845,0.4549763033,0.7537922987,0.2861179939,1.3240387439727783,0.0047203688,0.6476190476,0.847826087,0.3261697082,2.9436378479003906,1.8644e-06,0.420212766,0.2368064953,0.2101073152,3.357733964920044,0.0003798971,0.6222222222,0.9512195122,0.31130105965,0.5931501388549805,0.0672067948,0.4068627451,0.4835443038,0.23703476995,6.213613033294678,0.0026125051,0.4145299145,0.7609805924,0.2085712098
-qaoa,11,5.8385820388793945,0.2917670419,0.6486486486,0.7164750958,0.47020784525000003,1.409789800643921,0.2380836346,0.7272727273,0.9166666667,0.48267818095000004,1.1032991409301758,0.2380836346,0.7272727273,0.9166666667,0.48267818095000004,1.9966399669647217,0.2380836346,0.7272727273,0.9166666667,0.48267818095000004,0.16877388954162598,0.2464834562,0.68,0.7844827586,0.4632417281,0.5424270629882812,0.0633550641,0.6734693878,0.7817371938,0.36841222595
-qpeinexact,4,5.72393274307251,0.7707910151,0.1111111111,0.5970149254,0.44095106310000004,1.1117448806762695,0.4527337212,0.0,0.8623853211,0.2263668606,3.8488881587982178,0.3260083417,0.0,0.956043956,0.16300417085,2.9075589179992676,0.0283899385,0.0,0.9243119266,0.01419496925,0.13872313499450684,0.7455751244,0.0,0.6181818182,0.3727875622,0.14087414741516113,0.4683312541,0.0,0.8548387097,0.23416562705
-groundstate,4,5.846288204193115,0.8078281339,0.0,0.8734939759,0.40391406695,9.715115070343018,0.4523579066,0.25,0.9189189189,0.35117895330000004,2.2194440364837646,0.4817201937,0.25,0.9032258065,0.36586009685,2.0635180473327637,0.4523579066,0.25,0.9189189189,0.35117895330000004,0.33785414695739746,0.5474162965,0.0,0.7640449438,0.27370814825,0.16702485084533691,0.4111275563,0.0,0.8278688525,0.20556377815
-graphstate,14,5.870877981185913,0.5434535818,0.6153846154,0.843373494,0.5794190986000001,2.151780843734741,0.0009947157,0.7472118959,0.3422982885,0.3741033058,2.9826748371124268,0.5327380864,0.4827586207,0.8284023669,0.50774835355,9.708962678909302,5.44309e-05,0.5894736842,0.8508634223,0.29476405755,0.25634264945983887,0.4050759011,0.3333333333,0.6538461538,0.3692046172,0.4001479148864746,0.4678383971,0.46,0.7716894977,0.46391919855
-qaoa,6,4.5067219734191895,0.5813343661,0.3953488372,0.9087048832,0.48834160165,3.81485915184021,0.0037527426,0.5614035088,0.927480916,0.2825781257,2.7568981647491455,0.4571242878,0.5833333333,0.9166666667,0.52022881055,2.615947961807251,0.0114322875,0.6111111111,0.9325842697,0.31127169930000004,0.22540855407714844,0.2846793155,0.3333333333,0.7194244604,0.3090063244,0.2897169589996338,0.1440582792,0.4126984127,0.7657992565,0.27837834595
-vqe,9,1.6694788932800293,0.6390116243,0.375,0.9,0.5070058121500001,2.7647550106048584,0.4297367619,0.375,0.8620689655,0.40236838095,3.394706964492798,0.6806704622,0.1785714286,0.8372093023,0.4296209454,2.603296995162964,0.4297367619,0.375,0.8620689655,0.40236838095,0.4044637680053711,0.59040489,0.375,0.874015748,0.482702445,0.18706679344177246,0.6983255421,0.375,0.921182266,0.53666277105
-pricingcall,11,10.208140134811401,0.0030944187,0.2639138241,0.5426929392,0.1335041214,7.396217107772827,4.8e-09,0.3301500682,0.6125792812,0.1650750365,3.319601058959961,0.0229650578,0.2645011601,0.5659617321,0.14373310895000002,6.22798490524292,0.0,0.3512064343,0.8739225959,0.17560321715,5.882396936416626,0.0055465145,0.249343832,0.648199446,0.12744517325,1.5792410373687744,0.0006908619,0.2803738318,0.7863205192,0.14053234685
-wstate,14,4.637044191360474,0.3903451183,0.3170731707,0.8446969697,0.3537091445,6.316028356552124,0.0220260512,0.5223880597,0.5197132616,0.27220705545,6.232953071594238,0.3029677446,0.4307692308,0.9120433018,0.3668684877,6.764047861099243,0.0042776905,0.375,0.9643652561,0.18963884525,1.1205101013183594,0.4266453084,0.4230769231,0.781512605,0.42486111574999996,0.2898287773132324,0.5511481117,0.4230769231,0.9139072848,0.4871125174
-pricingcall,7,4.5934998989105225,0.0555765893,0.1089108911,0.5081168831,0.0822437402,15.213279962539673,0.0004354612,0.3813953488,0.8094816128,0.19091540499999998,9.116520166397095,0.0011645558,0.354005168,0.4073506891,0.1775848619,1.292051076889038,3e-10,0.1818181818,0.9241597242,0.09090909105,0.40392303466796875,0.028885939,0.1666666667,0.6218487395,0.09777630285,0.692047119140625,0.003954331,0.1567567568,0.8062827225,0.0803555439
-qgan,8,4.34011697769165,0.3907570277,0.4536082474,0.7188405797,0.42218263754999996,1.686662197113037,0.1732253591,0.5357142857,0.9090909091,0.3544698224,3.3373429775238037,0.1732253591,0.5357142857,0.9090909091,0.3544698224,3.9663469791412354,0.0656963423,0.5357142857,0.9587020649,0.300705314,1.0895731449127197,0.2782069263,0.3606557377,0.7797833935,0.31943133199999996,0.7642722129821777,0.0760341413,0.41,0.7014925373,0.24301707065
-qft,14,11.285330057144165,0.005357885,0.587628866,0.8368376787,0.2964933755,5.544332027435303,2e-10,0.7588571429,0.273255814,0.37942857155,5.00340723991394,0.0007164437,0.5657216495,0.2977375566,0.2832190466,1.137779951095581,0.0,0.5910543131,0.8671195075,0.29552715655,0.5399701595306396,5.82084e-05,0.5495495495,0.4925714286,0.27480387895,10.626106977462769,8.5668e-06,0.5834862385,0.7266800401,0.29174740265000004
-dj,17,4.776674032211304,0.3265427602,0.2537313433,0.6546391753,0.29013705175000004,3.5284361839294434,0.0510379296,0.4256756757,0.4714285714,0.23835680264999998,5.227969646453857,0.3377086212,0.1034482759,0.7387387387,0.22057844855,5.348692178726196,5.2458e-06,0.0816326531,0.8968421053,0.040818949449999996,0.09600996971130371,0.2611421037,0.0454545455,0.7283950617,0.1532983246,0.39154887199401855,0.2616616786,0.1454545455,0.7058823529,0.20355811205000002
-realamprandom,9,5.705302000045776,0.0004918658,0.4716666667,0.2647058824,0.23607926625,2.9265620708465576,0.0056162499,0.6944444444,0.8153846154,0.35003034715,3.525521993637085,0.0056162499,0.6944444444,0.8153846154,0.35003034715,5.410836935043335,4.19249e-05,0.6944444444,0.95599022,0.34724318465,0.4897139072418213,0.0384982489,0.4771784232,0.7046568627,0.25783833605,1.2079260349273682,0.0002424848,0.4909560724,0.6720338983,0.2455992786
-twolocalrandom,6,3.4029650688171387,0.2998899512,0.2133333333,0.4565217391,0.25661164225,2.8974177837371826,0.112064106,0.5333333333,0.8235294118,0.32269871964999997,2.769810914993286,0.112064106,0.5333333333,0.8235294118,0.32269871964999997,1.4083070755004883,3.2e-09,0.4774774775,0.9204301075,0.23873874035,0.17573189735412598,0.025728935,0.2976190476,0.7190635452,0.16167399130000001,0.45368003845214844,0.1941960161,0.3515151515,0.6950092421,0.2728555838
-qpeinexact,9,2.4262781143188477,0.0131775379,0.4642857143,0.8523725835,0.23873162609999998,2.514922857284546,0.0131775379,0.4642857143,0.8523725835,0.23873162609999998,13.62458610534668,0.0169284459,0.402640264,0.7954085078,0.20978435495,4.799627065658569,0.0017785924,0.4166666667,0.9516129032,0.20922262955,0.21360206604003906,0.0557052897,0.2298136646,0.5740740741,0.14275947715,1.1515750885009766,0.0955238151,0.2988505747,0.7667560322,0.1971871949
-dj,7,3.414700984954834,0.7036823872,0.0,0.75,0.3518411936,16.15298819541931,0.3755430836,0.5106382979,0.7938596491,0.44309069075,33.28422784805298,0.6418172448,0.4,0.75,0.5209086224,0.2218780517578125,0.0417008694,0.4242424242,0.925170068,0.23297164680000002,1.2522597312927246,0.8253749198,0.0666666667,0.7321428571,0.44602079325,0.22997307777404785,0.620314123,0.0,0.8125,0.3101570615
-portfoliovqe,7,4.941420078277588,0.0926357686,0.3640167364,0.5622710623,0.2283262525,0.06719708442687988,0.024571764,0.6031746032,0.8953488372,0.31387318360000005,1.7123157978057861,0.024571764,0.6031746032,0.8953488372,0.31387318360000005,4.104580879211426,0.0,0.5524691358,0.9265805574,0.2762345679,1.6852340698242188,0.225997939,0.36875,0.6917148362,0.2973739695,0.7791717052459717,0.0059111132,0.4480874317,0.7227272727,0.22699927244999998
-qpeinexact,17,33.55353283882141,0.0011663822,0.6021276596,0.9198772588,0.3016470209,3.7024929523468018,0.0,0.721978022,0.2225544639,0.360989011,4.229557991027832,4.965e-07,0.6642958748,0.2703684484,0.33214818565,6.3067309856414795,0.0,0.583919598,0.8670852258,0.291959799,7.3068389892578125,1.14781e-05,0.4940397351,0.4618674269,0.2470256066,3.087336778640747,2.8e-09,0.6187845304,0.6759756534,0.3093922666
-portfoliovqe,12,11.48661208152771,4.90405e-05,0.4737442922,0.8001368925,0.23689666634999998,5.496826171875,0.0,0.703279939,0.5234460196,0.3516399695,6.087247848510742,5.984e-07,0.7230769231,0.6048632219,0.36153876075,13.99563217163086,0.0,0.6265270506,0.8994207478,0.3132635253,11.951678991317749,6.09971e-05,0.6433021807,0.6699228792,0.3216815889,8.066931247711182,1.913e-07,0.613559322,0.6050870147,0.30677975664999996
-ghz,20,2.7550151348114014,0.389233949,0.0,0.3484848485,0.1946169745,2.553436279296875,0.0532269383,0.3577981651,0.1742424242,0.2055125517,5.23519492149353,0.2892730738,0.2950819672,0.2906976744,0.2921775205,8.560837030410767,1.892e-07,0.2117647059,0.8624595469,0.10588244755,2.0838961601257324,0.4764198216,0.0,0.5476190476,0.2382099108,0.21721100807189941,0.4061385945,0.0,0.9236947791,0.20306929725
-wstate,10,2.726850986480713,0.6185040084,0.3888888889,0.8959537572,0.50369644865,3.876497983932495,0.1078734028,0.5196078431,0.6031128405,0.31374062295,1.6001989841461182,0.7014473924,0.3888888889,0.8959537572,0.54516814065,4.567943811416626,0.1254786645,0.3888888889,0.9678571429,0.25718377670000003,0.45626020431518555,0.4596372927,0.3888888889,0.7831325301,0.4242630908,0.2625408172607422,0.6728479796,0.3888888889,0.9142857143,0.53086843425
-vqe,19,51.39383602142334,0.264629612,0.4285714286,0.8966789668,0.3466005203,1.868124008178711,1.24e-08,0.5891472868,0.8931234466,0.2945736496,2.2171201705932617,0.311005272,0.4696969697,0.7836065574,0.39035112085,2.9432308673858643,0.0,0.4476190476,0.8989412897,0.2238095238,0.6709940433502197,0.244306971,0.4444444444,0.8651685393,0.34437570770000003,0.42136502265930176,0.1639604447,0.4444444444,0.9189189189,0.30420244455
-qpeinexact,10,6.106443166732788,0.030748408,0.3452380952,0.4888438134,0.1879932516,4.871180057525635,4.11445e-05,0.5362318841,0.3246329527,0.2681365143,4.439295053482056,0.0052102712,0.5,0.8523878437,0.2526051356,7.559248208999634,0.0003129334,0.4666666667,0.9531005732,0.23348980005,0.23745989799499512,0.0419597716,0.3224299065,0.5233853007,0.18219483905,6.152241945266724,0.0431298045,0.4212962963,0.7631578947,0.23221305039999998
-portfolioqaoa,8,9.977600812911987,0.0327794435,0.4761904762,0.58,0.25448495984999997,3.5031309127807617,0.0057723881,0.6547619048,0.9049773756,0.33026714645,7.092331886291504,0.0057723881,0.6547619048,0.9049773756,0.33026714645,11.904711961746216,0.0,0.5519125683,0.9196428571,0.27595628415,0.2887458801269531,0.0003714479,0.3987915408,0.4635332253,0.19958149435,1.3162739276885986,0.0001214879,0.4895833333,0.7595491547,0.2448524106
-qft,3,5.883877754211426,0.7676022095,0.0,0.5833333333,0.38380110475,11.469710111618042,0.8122123895,0.0,0.6153846154,0.40610619475,7.411733150482178,0.8317717321,0.0,0.5833333333,0.41588586605,0.4212789535522461,0.4055756242,0.0,0.9272727273,0.2027878121,0.031961679458618164,0.8812278459,0.0,0.7058823529,0.44061392295,0.15294814109802246,0.6861756261,0.0,0.8636363636,0.34308781305
-ghz,5,4.2338807582855225,0.847688551,0.0,0.6666666667,0.4238442755,6.815568208694458,0.7365958929,0.0,0.6666666667,0.36829794645,8.029258966445923,0.9048524983,0.0,0.6666666667,0.45242624915,4.439889907836914,0.4315625872,0.0,0.9285714286,0.2157812936,0.017900705337524414,0.87527228,0.0,0.6666666667,0.43763614,0.08800530433654785,0.8647845818,0.0,0.9259259259,0.4323922909
-twolocalrandom,11,29.693697690963745,0.0001194491,0.5206124853,0.6650887574,0.2603659672,1.190643310546875,0.000377835,0.7515151515,0.8125,0.37594649325,3.2596538066864014,1.18522e-05,0.5494186047,0.1828978622,0.27471522845,4.593158960342407,2.551e-07,0.7515151515,0.9549918167,0.3757577033,6.229168176651001,0.0060640158,0.564738292,0.71640625,0.28540115390000004,11.225464820861816,8.219e-07,0.6319758673,0.6431646932,0.31598834459999997
-dj,14,3.247720241546631,0.4357424753,0.0,0.884375,0.21787123765,1.6432838439941406,0.0686986355,0.4384615385,0.4196428571,0.253580087,2.05295467376709,0.5391765625,0.05,0.7014925373,0.29458828125000003,3.267773151397705,9.99712e-05,0.0294117647,0.8927444795,0.01475586795,0.29618000984191895,0.3928846552,0.0,0.7419354839,0.1964423276,0.3333899974822998,0.3665705236,0.0697674419,0.7152317881,0.21816898275
-graphstate,7,3.485954999923706,0.7745498136,0.2105263158,0.6885245902,0.4925380647,8.742153882980347,0.0992374839,0.587628866,0.4581005587,0.34343317495,14.487902879714966,0.3809750992,0.4705882353,0.6730769231,0.42578166725,4.150763034820557,0.2052868506,0.1,0.9473684211,0.1526434253,0.27645182609558105,0.5947573831,0.3333333333,0.7721518987,0.46404535820000004,0.20241093635559082,0.6494467837,0.1818181818,0.786407767,0.41563248275
-wstate,3,1.1926181316375732,0.889624007,0.0,0.9,0.4448120035,12.475544691085815,0.912495726,0.0,0.9658119658,0.456247863,2.4835381507873535,0.9203148413,0.0,0.9,0.46015742065,3.3414862155914307,0.4400282955,0.0,0.9523809524,0.22001414775,0.10443329811096191,0.853536209,0.0,0.8,0.4267681045,0.05774402618408203,0.889806084,0.0,0.9183673469,0.444903042
-qft,13,5.449587821960449,4.39196e-05,0.5216049383,0.2285714286,0.26082442895,3.7831411361694336,8.597e-07,0.5724962631,0.2994764398,0.2862485614,4.160691976547241,0.0109561338,0.6064814815,0.3983286908,0.30871880765000004,2.743579864501953,0.0,0.5784313725,0.8701464036,0.28921568625,2.5344698429107666,0.0001634348,0.5145888594,0.5013227513,0.2573761471,5.724253177642822,0.0007044305,0.7083333333,0.7622291022,0.3545188819
-graphstate,20,2.278926134109497,0.4063450179,0.7045454545,0.8196721311,0.5554452362,1.8355162143707275,0.009243729,0.7739130435,0.4651162791,0.39157838625,3.2247419357299805,0.3404486403,0.6461538462,0.7547169811,0.49330124325,13.286164999008179,7.178e-07,0.7872340426,0.8373702422,0.3936173802,0.18673276901245117,0.225960182,0.6885245902,0.6806282723,0.4572423861,0.6631848812103271,0.1752271627,0.6603773585,0.8133802817,0.41780226060000003
-qpeinexact,8,4.694565057754517,0.1855789151,0.3493150685,0.7091633466,0.2674469918,3.549588918685913,0.002599799,0.4830508475,0.3621621622,0.24282532325,4.4377522468566895,0.0120094703,0.3141361257,0.4104938272,0.163072798,3.7609939575195312,1.343e-07,0.3626373626,0.921484038,0.18131874845,0.756925106048584,0.1427681732,0.2053571429,0.5625,0.17406265804999999,0.7413959503173828,0.2268470934,0.3282442748,0.7713787086,0.2775456841
-ghz,11,2.080267906188965,0.6981717522,0.0,0.4242424242,0.3490858761,4.9886250495910645,0.1659616309,0.375,0.1794871795,0.27048081545,3.7794649600982666,0.5921391371,0.2142857143,0.3333333333,0.4032124257,1.596924066543579,0.2733634285,0.0,0.9726775956,0.13668171425,0.08740711212158203,0.5843607153,0.0,0.5833333333,0.29218035765,0.11780881881713867,0.7114299644,0.0,0.9242424242,0.3557149822
-qftentangled,2,1.5841941833496094,0.8966097549,0.0,0.7,0.44830487745,7.376546144485474,0.8977348191,0.0,0.7,0.44886740955,3.2084200382232666,0.8919507503,0.0,0.7,0.44597537515,1.6272380352020264,0.3895389378,0.0,0.9302325581,0.1947694689,0.2509937286376953,0.9402441018,0.0,0.8888888889,0.4701220509,0.14016485214233398,0.9257922758,0.0,0.9259259259,0.4628961379
-qpeexact,7,15.178989171981812,0.194609125,0.204379562,0.4810606061,0.1994943435,9.727460145950317,0.0876460519,0.4255319149,0.8544891641,0.25658898339999997,6.448576927185059,0.1465595984,0.5,0.3787878788,0.3232797992,2.0299201011657715,0.0876460519,0.4255319149,0.8544891641,0.25658898339999997,0.11224818229675293,0.3560476307,0.1944444444,0.5977653631,0.27524603755,0.41457605361938477,0.309327982,0.3711340206,0.7556675063,0.3402310013
-vqe,5,1.4620099067687988,0.8319302172,0.25,0.9090909091,0.5409651086,2.9272830486297607,0.6469952702,0.25,0.9090909091,0.4484976351,1.4968841075897217,0.8199339609,0.25,0.9090909091,0.53496698045,4.381393194198608,0.3447215849,0.25,0.9545454545,0.29736079245,0.26539087295532227,0.8054185167,0.25,0.8904109589,0.52770925835,0.09090876579284668,0.8166814457,0.25,0.9238095238,0.53334072285
-su2random,7,18.25050115585327,0.0904784524,0.3644444444,0.4604316547,0.22746144840000002,6.085263967514038,0.0441931094,0.6031746032,0.8333333333,0.3236838563,2.680198907852173,0.0441931094,0.6031746032,0.8333333333,0.3236838563,3.549443006515503,0.0,0.5523809524,0.9203539823,0.2761904762,0.20232295989990234,0.2355014268,0.3141025641,0.5968992248,0.27480199545,0.6961421966552734,0.0058574701,0.4480874317,0.7389443652,0.22697245089999998
-ghz,16,10.268404006958008,0.4879909623,0.0833333333,0.3454545455,0.2856621478,8.143505811691284,0.0121463106,0.4285714286,0.1144578313,0.2203588696,4.90399694442749,0.3470774695,0.1428571429,0.3114754098,0.2449673062,2.1739208698272705,2.3552e-06,0.3725490196,0.9139240506,0.1862756874,0.5022189617156982,0.5000809639,0.0,0.5588235294,0.25004048195,0.16653203964233398,0.3807657009,0.0,0.923857868,0.19038285045
-qftentangled,15,20.248669385910034,0.0009826342,0.6647058824,0.8881578947,0.3328442583,0.5924479961395264,0.0,0.7203389831,0.2255369928,0.36016949155,4.639750242233276,0.0036170804,0.5993150685,0.374732334,0.30146607445,1.7102010250091553,0.0,0.5707844905,0.8637759489,0.28539224525,0.9368820190429688,0.00021075,0.5665467626,0.4875576037,0.28337875630000003,5.995704889297485,7.1e-09,0.5991440799,0.7182475884,0.2995720435
-qftentangled,2,1.865490198135376,0.8687871103,0.0,0.7,0.43439355515,11.63680100440979,0.9508293848,0.0,0.935483871,0.4754146924,0.8371870517730713,0.9120942461,0.0,0.7,0.45604712305,1.6424729824066162,0.4238993878,0.0,0.9302325581,0.2119496939,0.021131038665771484,0.9402441018,0.0,0.8888888889,0.4701220509,0.03438591957092285,0.9257922758,0.0,0.9259259259,0.4628961379
-graphstate,18,6.941050052642822,0.4046194916,0.6875,0.6923076923,0.5460597458,2.998333215713501,0.0003835468,0.7286135693,0.3468208092,0.36449855805,1.1579489707946777,0.3872524476,0.6904761905,0.7941176471,0.53886431905,2.972698211669922,3.872e-06,0.5490196078,0.8411214953,0.2745117399,0.10755300521850586,0.3610349945,0.6363636364,0.7283950617,0.49869931545,0.38959789276123047,0.3139547968,0.6666666667,0.8,0.49031073174999995
-qgan,4,6.213863372802734,0.6469159728,0.0952380952,0.7920792079,0.37107703400000003,3.2430989742279053,0.6586229662,0.1666666667,0.9268292683,0.41264481645,2.7093937397003174,0.6586229662,0.1666666667,0.9268292683,0.41264481645,1.8599650859832764,0.1114176252,0.2222222222,0.9391891892,0.1668199237,0.3633279800415039,0.6473604312,0.0,0.7857142857,0.3236802156,0.14082574844360352,0.5642922007,0.0,0.8481012658,0.28214610035
-graphstate,16,5.670547962188721,0.3549588007,0.6511627907,0.7700534759,0.5030607957000001,3.080548048019409,0.0017090621,0.7582938389,0.4312668464,0.3800014505,1.0185847282409668,0.4597903703,0.7142857143,0.7655502392,0.5870380423,3.0321028232574463,3.75011e-05,0.5795454545,0.8493150685,0.2897914778,0.10125303268432617,0.3619678871,0.7058823529,0.7763157895,0.53392512,0.40129995346069336,0.161831012,0.6447368421,0.7132075472,0.40328392705000005
-vqe,17,14.678855180740356,0.4022415512,0.3902439024,0.8298755187,0.3962427268,0.18544888496398926,0.0004375081,0.531147541,0.4714038128,0.26579252454999996,1.635209083557129,0.3385951347,0.4464285714,0.7886792453,0.39251185305,0.516150951385498,2.8e-09,0.4831460674,0.9005586592,0.2415730351,0.2732369899749756,0.2833545766,0.4375,0.8608695652,0.36042728830000004,0.351315975189209,0.2137784666,0.4375,0.9191919192,0.3256392333
-wstate,18,2.7565388679504395,0.278109865,0.3815789474,0.7929155313,0.3298444062,2.4564638137817383,9e-10,0.4875,0.8674399337,0.24375000045,1.856245994567871,0.305126761,0.4038461538,0.7842323651,0.3544864574,0.2883889675140381,2.41e-08,0.427184466,0.8725247525,0.21359224505,0.3158292770385742,0.2816715219,0.4411764706,0.7806451613,0.36142399625,0.38245391845703125,0.1754532795,0.4411764706,0.9137055838,0.30831487505
-qpeinexact,5,5.027961254119873,0.677601835,0.0,0.8232044199,0.3388009175,0.14525794982910156,0.0002818315,0.2891566265,0.9213270142,0.144719229,4.118441104888916,0.5321930474,0.0377358491,0.5267857143,0.28496444825,3.4810400009155273,0.1610359967,0.1,0.9544419134,0.13051799835,0.12018299102783203,0.274325067,0.0769230769,0.5979381443,0.17562407195,0.25913071632385254,0.5607920207,0.0,0.84,0.28039601035
-realamprandom,5,2.6102137565612793,0.5159893029,0.1794871795,0.5737704918,0.3477382412,0.07011914253234863,0.1779230385,0.4333333333,0.8897058824,0.3056281859,2.0827150344848633,0.2294145094,0.4333333333,0.8285714286,0.33137392135,3.2644739151000977,0.0003705661,0.4414414414,0.9172876304,0.22090600375000002,0.39425206184387207,0.465651066,0.1285714286,0.6,0.2971112473,0.3653261661529541,0.1233263237,0.2528735632,0.75,0.18809994345
-qgan,2,3.4333078861236572,0.9158090886,0.0,0.9714285714,0.4579045443,9.413470029830933,0.9016823806,0.0,0.9772727273,0.4508411903,2.4203760623931885,0.9737648433,0.0,0.9714285714,0.48688242165,1.4379920959472656,0.7451706417,0.0,0.9782608696,0.37258532085,0.022037029266357422,0.9548183672,0.0,0.9523809524,0.4774091836,0.02690410614013672,0.9367599858,0.0,0.9523809524,0.4683799929
-qpeexact,12,3.1149511337280273,0.0152204566,0.4655172414,0.8341277407,0.240368849,3.892524003982544,1.0152e-06,0.6336,0.3040089087,0.3168005076,2.912700891494751,0.0245862726,0.543814433,0.4121212121,0.2842003528,2.804804801940918,0.0,0.4567567568,0.8707649319,0.2283783784,0.5781197547912598,0.0043439677,0.3653250774,0.4881141046,0.18483452255,6.989387035369873,0.0006509895,0.4535519126,0.7270693512,0.22710145104999999
-twolocalrandom,7,2.8247480392456055,0.174046048,0.3179487179,0.4298245614,0.24599738295,1.8983728885650635,0.0475575351,0.6031746032,0.82,0.32536606915000005,2.8335750102996826,0.0475575351,0.6031746032,0.82,0.32536606915000005,2.9243271350860596,0.0,0.5451388889,0.9200666112,0.27256944445,0.6265888214111328,0.2487431051,0.3666666667,0.6287128713,0.3077048859,0.6975352764129639,0.0058942789,0.4480874317,0.7288888889,0.2269908553
-vqe,15,1.6070818901062012,0.4700971419,0.3783783784,0.8405172414,0.42423776015000003,2.9779322147369385,0.0017911249,0.4557522124,0.5150214592,0.22877166865,2.50930118560791,0.4715717926,0.275,0.829787234,0.3732858963,4.284849166870117,0.0001549906,0.2941176471,0.9617117117,0.14713631885,0.2005748748779297,0.3100531618,0.4285714286,0.875,0.3693122952,0.3033180236816406,0.3881484354,0.4285714286,0.9211267606,0.408359932
-su2random,11,4.003677129745483,2.382e-07,0.5631001372,0.1136778116,0.28155018769999995,2.0778071880340576,0.000238237,0.7515151515,0.84375,0.37587669425000003,2.3742551803588867,0.000238237,0.7515151515,0.84375,0.37587669425000003,8.725950241088867,0.000238237,0.7515151515,0.84375,0.37587669425000003,0.7377378940582275,0.0060641488,0.564738292,0.7205542725,0.2854012204,11.383011817932129,8.182e-07,0.6319758673,0.6510526316,0.31598834275
-qpeexact,11,14.41723108291626,0.0303496574,0.3044496487,0.607175713,0.16739965305,1.4785337448120117,0.0016167799,0.544,0.8513674197,0.27280838995,0.8802509307861328,0.0016167799,0.544,0.8513674197,0.27280838995,2.291569232940674,6.39463e-05,0.5137614679,0.9521929825,0.25691270709999997,0.42995309829711914,0.022078026,0.3269230769,0.5158286778,0.17450055144999999,10.005467176437378,0.0035341223,0.4671814672,0.7551984877,0.23535779475
-dj,18,4.945964097976685,0.3507936497,0.064516129,0.7559055118,0.20765488934999998,3.1274421215057373,0.0007484426,0.4637096774,0.4363636364,0.23222906000000001,14.197935104370117,0.2333419868,0.3673469388,0.6620689655,0.30034446280000004,2.4155373573303223,3.849e-07,0.2153846154,0.8873483536,0.10769250015000001,0.25338101387023926,0.3428141427,0.0222222222,0.7513812155,0.18251818244999998,0.5013859272003174,0.2462390294,0.186440678,0.7035175879,0.2163398537
-ae,3,3.5262839794158936,0.8188558016,0.0,0.8392857143,0.4094279008,19.02787208557129,0.5601530565,0.0,0.9433962264,0.28007652825,2.4467859268188477,0.8328603461,0.0,0.76,0.41643017305,0.04574298858642578,0.4413428328,0.0,0.9419354839,0.2206714164,0.19359111785888672,0.8899892269,0.0,0.7954545455,0.44499461345,0.10019564628601074,0.6860821567,0.0,0.8732394366,0.34304107835
-wstate,3,2.3284428119659424,0.8267173774,0.0,0.9,0.4133586887,12.609510898590088,0.9217981543,0.0,0.875,0.46089907715,0.9288730621337891,0.9203148413,0.0,0.9,0.46015742065,0.6100013256072998,0.4594946093,0.0,0.9523809524,0.22974730465,0.05090785026550293,0.853536209,0.0,0.8,0.4267681045,0.05014395713806152,0.889806084,0.0,0.9183673469,0.444903042
-ghz,9,2.761599063873291,0.7045250614,0.0,0.5217391304,0.3522625307,1.6001060009002686,0.6418264304,0.0,0.9436619718,0.3209132152,5.097217798233032,0.6898519536,0.2142857143,0.4615384615,0.45206883394999997,0.13132214546203613,0.3532048812,0.0,0.9727891156,0.1766024406,0.03340291976928711,0.7572442378,0.0,0.6,0.3786221189,0.09754419326782227,0.7678648995,0.0,0.9245283019,0.38393244975
-portfolioqaoa,4,3.3475680351257324,0.6202463207,0.0,0.6625,0.31012316035,1.8851392269134521,0.3010725544,0.2777777778,0.9203539823,0.2894251661,1.794299840927124,0.3010725544,0.2777777778,0.9203539823,0.2894251661,0.14397192001342773,0.0045469242,0.1739130435,0.9254859611,0.08922998385,0.10552811622619629,0.2496631421,0.0,0.6510067114,0.12483157105,0.2635188102722168,0.112931375,0.0,0.8452722063,0.0564656875
-portfolioqaoa,3,5.5491039752960205,0.6131002097,0.0,0.7222222222,0.30655010485,2.066007137298584,0.0088167546,0.0,0.9050632911,0.0044083773,6.433008193969727,0.5994564975,0.0,0.7959183673,0.29972824875,2.8276100158691406,0.0415635262,0.0,0.9303797468,0.0207817631,1.7086877822875977,0.6340371537,0.0,0.7307692308,0.31701857685,0.15730500221252441,0.2592917762,0.0,0.8492462312,0.1296458881
-pricingcall,11,4.036120176315308,0.0108160034,0.2718446602,0.6591661152,0.1413303318,0.4211270809173584,1.97815e-05,0.2475728155,0.8605280975,0.1237962985,3.2157700061798096,0.0002133461,0.3769559033,0.4658054711,0.1885846247,5.571751117706299,5.6e-09,0.2268041237,0.9591664913,0.11340206465,2.4651851654052734,0.0003311534,0.1950549451,0.664825046,0.09769304925,1.5552470684051514,0.0006903313,0.2803738318,0.7868525896,0.14053208155
-qaoa,3,3.7345688343048096,0.7552933597,0.0,0.7083333333,0.37764667985,1.8422040939331055,0.4619408911,0.0,0.9142857143,0.23097044555,1.3576171398162842,0.6761096714,0.0,0.9166666667,0.3380548357,5.29320502281189,0.0617349623,0.0,0.9306930693,0.03086748115,0.18000078201293945,0.7143924467,0.0,0.7352941176,0.35719622335,0.13095784187316895,0.417740892,0.0,0.8421052632,0.208870446
-ghz,8,2.855569839477539,0.7179984916,0.2307692308,0.4583333333,0.4743838612,1.5758311748504639,0.6623946388,0.0,0.65,0.3311973194,2.019207715988159,0.5533133127,0.3529411765,0.2444444444,0.4531272446,2.3127710819244385,0.2624281083,0.0,0.9263157895,0.13121405415,0.03372478485107422,0.731581848,0.0,0.6111111111,0.365790924,0.09290218353271484,0.8023891793,0.0,0.9247311828,0.40119458965
-portfolioqaoa,5,10.87790584564209,0.2709518109,0.1818181818,0.9167367536,0.22638499634999998,2.045509099960327,0.1450327292,0.4333333333,0.9142857143,0.28918303125,4.351558208465576,0.2992562148,0.188034188,0.5263157895,0.24364520139999998,7.862702131271362,5.6e-09,0.3981481481,0.9206465834,0.19907407685,0.12064695358276367,0.3144585079,0.1153846154,0.5702479339,0.21492156165,0.6530449390411377,0.0568210927,0.2478632479,0.8023648649,0.1523421703
-dj,20,3.330592155456543,0.1888734216,0.2446808511,0.628458498,0.21677713635,3.385542869567871,0.0010902914,0.4901185771,0.3859223301,0.24560443425,1719.134034872055,0.0,0.2164948454,0.8849347568,0.1082474227,2.0608997344970703,2.0887e-06,0.3164556962,0.8890449438,0.15822889245000002,0.08826398849487305,0.1235654819,0.0175438596,0.7,0.07055467074999999,0.5816707611083984,0.1740757171,0.2117647059,0.6458333333,0.1929202115
-dj,19,3.144563913345337,0.3487245235,0.0158730159,0.671875,0.1822987697,4.177062749862671,0.0097617144,0.4193548387,0.518134715,0.21455827655,3.697288990020752,0.2805986599,0.2873563218,0.5972222222,0.28397749085,6.467382907867432,0.0,0.4406779661,0.8706140351,0.22033898305,0.7188138961791992,0.2069882012,0.0545454545,0.6961325967,0.13076682785,0.7308139801025391,0.0822722916,0.2688172043,0.6141078838,0.17554474795
-ae,2,2.4866819381713867,0.8667417848,0.0,0.9259259259,0.4333708924,14.063183069229126,0.9564709992,0.0,0.9310344828,0.4782354996,4.85900092124939,0.8828657695,0.0,0.9259259259,0.44143288475,2.363996982574463,0.6764281401,0.0,0.9591836735,0.33821407005,0.022352933883666992,0.9408179515,0.0,0.8888888889,0.47040897575,0.02825307846069336,0.9250258398,0.0,0.9166666667,0.4625129199
-wstate,2,2.914436101913452,0.957270788,0.0,0.9047619048,0.478635394,4.883630990982056,0.8680452861,0.0,0.9565217391,0.43402264305,3.1437289714813232,0.9561685253,0.0,0.9047619048,0.47808426265,1.674713134765625,0.6960784296,0.0,0.9534883721,0.3480392148,0.04296398162841797,0.9404173238,0.0,0.8181818182,0.4702086619,0.03161191940307617,0.9265593469,0.0,0.92,0.46327967345
-vqe,14,4.74426007270813,0.4626405721,0.4545454545,0.8053097345,0.4585930133,2.8985490798950195,0.0086298387,0.4850299401,0.5728900256,0.2468298894,4.106830835342407,0.3922751208,0.2682926829,0.8452830189,0.33028390185,7.069056987762451,0.0005050322,0.2285714286,0.9253731343,0.1145382304,0.34853339195251465,0.4216582234,0.4230769231,0.8737864078,0.42236757324999996,0.4509470462799072,0.5459642625,0.4230769231,0.9212121212,0.4845205928
-su2random,10,8.314096927642822,0.0005241195,0.4738562092,0.7937310415,0.23719016434999998,4.801918983459473,0.0010276288,0.7259259259,0.8474576271,0.36347677735,81.47129321098328,0.0010276288,0.7259259259,0.8474576271,0.36347677735,2.768543004989624,3.7219e-06,0.7259259259,0.9554455446,0.3629648239,1.0469110012054443,0.0002038851,0.4318181818,0.5031367629,0.21601103345,6.568730115890503,1.13142e-05,0.6026365348,0.660268714,0.3013239245
-qpeexact,10,13.585376024246216,0.1309477235,0.4964028777,0.9078249337,0.31367530060000004,3.6771788597106934,2.87663e-05,0.5909090909,0.3048973144,0.2954689286,88.13978791236877,0.0063847753,0.5408163265,0.8526315789,0.2736005509,10.206649780273438,0.0004451276,0.5176470588,0.954029205,0.2590460932,1.1448171138763428,0.0055893407,0.3282051282,0.533492823,0.16689723445,0.8247239589691162,0.0259349133,0.5240384615,0.7547169811,0.2749866874
-twolocalrandom,6,16.28421688079834,0.1736960552,0.2733333333,0.6559633028,0.22351469424999998,1.1685781478881836,0.112064106,0.5333333333,0.8235294118,0.32269871964999997,56.11034893989563,0.112064106,0.5333333333,0.8235294118,0.32269871964999997,3.5647048950195312,1.291e-07,0.4269005848,0.9214876033,0.21345035695,0.1778120994567871,0.025728935,0.2976190476,0.7190635452,0.16167399130000001,0.45373106002807617,0.1941960161,0.3515151515,0.6950092421,0.2728555838
-qpeexact,13,111.71675086021423,0.0102684761,0.4972972973,0.6347482725,0.2537828867,1.0817458629608154,1.169e-07,0.6689373297,0.2989493792,0.3344687233,39.87992024421692,0.0022965303,0.6031434185,0.3807785888,0.3027199744,2.7793400287628174,0.0,0.5417236662,0.8653775322,0.2708618331,1.0277960300445557,3.76416e-05,0.3820512821,0.474393531,0.19104446185,3.776853084564209,0.0001463963,0.6051948052,0.747043364,0.30267060075
-pricingput,7,96.05031323432922,0.1056789978,0.1805555556,0.5537190083,0.1431172767,5.284537076950073,0.0336161942,0.2953736655,0.870685688,0.16449492985,113.58982610702515,0.0441176155,0.2019230769,0.7234042553,0.12302034619999999,6.731935977935791,2e-10,0.2666666667,0.9236947791,0.13333333345,2.418929100036621,0.025394079,0.1666666667,0.6316831683,0.09603037284999999,0.984961986541748,0.0024342944,0.1822660099,0.7976071785,0.09235015215
-routing,2,87.34677386283875,0.9051661746,0.0,0.9333333333,0.4525830873,10.348160982131958,0.9363309001,0.0,0.9189189189,0.46816545005,108.81384706497192,0.9106288913,0.0,0.9333333333,0.45531444565,4.866328716278076,0.5695137457,0.0,0.9615384615,0.28475687285,0.15329790115356445,0.9251305142,0.0,0.8636363636,0.4625652571,0.035199880599975586,0.9160040437,0.0,0.8928571429,0.45800202185
-portfoliovqe,12,10.707543134689331,0.0002350831,0.5267349261,0.6209573092,0.26348500459999996,2.833491086959839,0.0,0.6859106529,0.4974093264,0.34295532645,65.299241065979,5.984e-07,0.7230769231,0.6048632219,0.36153876075,9.619632005691528,0.0,0.5855513308,0.9112984823,0.2927756654,3.581923246383667,6.10414e-05,0.6433021807,0.6690721649,0.32168161105,8.068521976470947,1.913e-07,0.613559322,0.6050870147,0.30677975664999996
-qgan,3,114.84312677383423,0.8797298437,0.0,0.9090909091,0.43986492185,52.70950984954834,0.4262302937,0.3555555556,0.5161290323,0.39089292465000003,5.088145971298218,0.8926267882,0.0,0.8947368421,0.4463133941,2.806859016418457,0.2034905778,0.1666666667,0.9090909091,0.18507862225,0.167647123336792,0.8924720499,0.0,0.9090909091,0.44623602495,0.1157689094543457,0.7306451782,0.0,0.88,0.3653225891
-realamprandom,4,3.573853015899658,0.4553428448,0.0,0.5833333333,0.2276714224,1.070094108581543,0.4080208817,0.2777777778,0.8363636364,0.34289932975000004,6.383778095245361,0.4080208817,0.2777777778,0.8363636364,0.34289932975000004,4.500198841094971,0.0073995049,0.1851851852,0.9262295082,0.09629234504999999,0.777083158493042,0.4924767899,0.0,0.7281553398,0.24623839495,0.21062397956848145,0.2534812171,0.0,0.8153846154,0.12674060855
-qpeinexact,4,108.58655190467834,0.7548440617,0.0,0.6557377049,0.37742203085,6.391993761062622,0.0266121674,0.1818181818,0.9243119266,0.1042151746,4.926559209823608,0.4349223929,0.0,0.9263803681,0.21746119645,11.161596059799194,0.1055332651,0.1111111111,0.9258241758,0.1083221881,0.07434797286987305,0.5601298748,0.0,0.6935483871,0.2800649374,0.1325550079345703,0.4685093669,0.0,0.8524590164,0.23425468345
-graphstate,17,9.988693952560425,0.4434202747,0.6363636364,0.7766497462,0.53989195555,14.366237163543701,0.001178223,0.7376425856,0.5385964912,0.3694104043,3.3141629695892334,0.3832663366,0.5,0.7536945813,0.4416331683,4.346958160400391,8.458e-07,0.6545454545,0.8505434783,0.32727315015,0.15298914909362793,0.2935872702,0.6842105263,0.7579617834,0.48889889825,0.4501769542694092,0.065453211,0.5194805195,0.7240143369,0.29246686525
-wstate,19,13.610251188278198,0.3086201408,0.4,0.7727272727,0.3543100704,3.484206199645996,0.1147967806,0.4086021505,0.7680798005,0.26169946555,11.027864217758179,0.2115191668,0.4166666667,0.9127272727,0.31409291675,6.278346061706543,2e-09,0.6046511628,0.9295851528,0.3023255824,1.0863699913024902,0.2556867441,0.4444444444,0.7804878049,0.35006559425,0.36614084243774414,0.1687921046,0.4444444444,0.9136690647,0.3066182745
-vqe,16,5.342388868331909,0.2953528366,0.4230769231,0.7664670659,0.35921487985,11.77484917640686,0.0008327058,0.5340501792,0.4785046729,0.2674414425,4.4085681438446045,0.4220330166,0.2857142857,0.8313253012,0.35387365115,3.861659288406372,6e-09,0.4133333333,0.9039692702,0.20666666965,0.957298994064331,0.2869059525,0.4333333333,0.8717948718,0.3601196429,0.3179359436035156,0.284808517,0.4333333333,0.9208443272,0.35907092515
-qgan,5,14.66761589050293,0.7840829344,0.0909090909,0.7380952381,0.43749601265,4.091626167297363,0.1505119289,0.2545454545,0.6764705882,0.20252869169999999,4.764292001724243,0.7777224226,0.0869565217,0.8456375839,0.43233947215,2.1697068214416504,0.514049698,0.3,0.92,0.407024849,0.07833695411682129,0.756213917,0.1,0.7752808989,0.42810695849999997,0.22158265113830566,0.5993817085,0.0909090909,0.8196721311,0.3451453997
-ghz,17,12.221067190170288,0.4327404334,0.0,0.3548387097,0.2163702167,4.14223313331604,0.056935268,0.3962264151,0.1587301587,0.22658084155,3.5584239959716797,0.4682288912,0.1621621622,0.350877193,0.3151955267,4.3969621658325195,1.0648e-06,0.3529411765,0.8617886179,0.17647112065,0.5400657653808594,0.4917645685,0.0,0.5555555556,0.24588228425,0.17719125747680664,0.3211515524,0.0,0.9238095238,0.1605757762
-qftentangled,14,15.871395826339722,0.007009293,0.6361323155,0.8914964108,0.32157080425,5.086775064468384,0.0,0.7706592386,0.235628105,0.3853296193,4.669989109039307,0.00022462,0.6456009913,0.2914837577,0.32291280565,6.156834840774536,0.0,0.4944444444,0.8642943305,0.2472222222,4.312592029571533,0.0004365852,0.5415821501,0.4570484581,0.27100936765,2.3820998668670654,5.60771e-05,0.7316017316,0.7696909272,0.36582890435
-qftentangled,3,3.195448160171509,0.7558078739,0.0,0.6315789474,0.37790393695,16.750974893569946,0.1635197867,0.1739130435,0.7472527473,0.16871641510000002,3.5569846630096436,0.8159722687,0.0,0.5882352941,0.40798613435,5.488525152206421,0.218932685,0.0,0.9254385965,0.1094663425,0.19948506355285645,0.7964175813,0.0,0.5757575758,0.39820879065,0.1355421543121338,0.7327156521,0.0,0.8658536585,0.36635782605
-graphstate,19,6.411305904388428,0.4023172844,0.5405405405,0.8370044053,0.47142891244999996,4.893460273742676,0.0007433321,0.7359050445,0.3605313093,0.3683241883,5.374675989151001,0.2776716079,0.6538461538,0.7851239669,0.46575888085,6.121644020080566,1.24e-07,0.7413793103,0.9379679144,0.37068971715000004,0.2708871364593506,0.2004650383,0.5303030303,0.671641791,0.3653840343,0.6280379295349121,0.2848446705,0.5102040816,0.8171641791,0.39752437605
-qftentangled,3,5.14868688583374,0.8262892307,0.0,0.5882352941,0.41314461535,11.871589183807373,0.2121325285,0.2,0.880952381,0.20606626425000002,90.1299741268158,0.8159722687,0.0,0.5882352941,0.40798613435,1.9145681858062744,0.4927946642,0.0,0.8780487805,0.2463973321,0.17368721961975098,0.7964175813,0.0,0.5757575758,0.39820879065,0.12990427017211914,0.7327156521,0.0,0.8658536585,0.36635782605
-qpeexact,6,5.3432457447052,0.4571372948,0.1206896552,0.5735294118,0.288913475,2.465108871459961,1.3744e-05,0.4152542373,0.9210174029,0.20763399065,95.23959183692932,0.3192585364,0.39,0.4382022472,0.3546292682,1.7361421585083008,0.0003649109,0.2631578947,0.9232323232,0.1317614028,0.16855382919311523,0.3961252675,0.1395348837,0.6532258065,0.2678300756,0.30910181999206543,0.3660436013,0.2380952381,0.7804878049,0.3020694197
-vqe,4,2.3292810916900635,0.9014360977,0.1666666667,0.9142857143,0.5340513822,3.648996114730835,0.86067454,0.1666666667,0.9142857143,0.51367060335,92.69219708442688,0.791818608,0.0,0.8101265823,0.395909304,1.1201238632202148,0.3331408308,0.1666666667,0.9558823529,0.24990374875,0.3170647621154785,0.826074105,0.1666666667,0.8928571429,0.49637038585,0.06701898574829102,0.8582481366,0.1666666667,0.925,0.51245740165
-su2random,6,8.698199033737183,0.3790764739,0.306122449,0.7954070981,0.34259946145,1.5314319133758545,0.1052334634,0.5333333333,0.8387096774,0.31928339834999997,1.6847810745239258,0.1052334634,0.5333333333,0.8387096774,0.31928339834999997,4.56505012512207,4.99e-08,0.4043715847,0.9219948849,0.20218581730000001,0.6594312191009521,0.024796075,0.2976190476,0.7307692308,0.16120756130000002,0.45980381965637207,0.1936365848,0.3515151515,0.7095070423,0.27257586815
-qpeinexact,9,104.20385479927063,0.1015385746,0.1014492754,0.697810219,0.101493925,1.0559818744659424,0.0131775379,0.4642857143,0.8523725835,0.23873162609999998,3.7792489528656006,0.0131775379,0.4642857143,0.8523725835,0.23873162609999998,5.2082319259643555,0.0017325914,0.4166666667,0.9519359146,0.20919962905,1.156515121459961,0.0482177894,0.245398773,0.5744125326,0.1468082812,1.2186577320098877,0.0957373182,0.2988505747,0.758668516,0.19729394644999998
-ghz,10,6.0898051261901855,0.6551099872,0.0,0.4642857143,0.3275549936,2.4681179523468018,0.6092643929,0.0,0.5909090909,0.30463219645,4.599642992019653,0.5939330324,0.2,0.3023255814,0.3969665162,2.592379093170166,0.3107302645,0.0,0.9727272727,0.15536513225,0.13863611221313477,0.6244589405,0.0,0.5909090909,0.31222947025,0.11356401443481445,0.748234416,0.0,0.9243697479,0.374117208
-wstate,2,90.25555086135864,0.8908957686,0.0,0.9047619048,0.4454478843,7.840632200241089,0.8652003396,0.0,0.9565217391,0.4326001698,2.819913864135742,0.9698039636,0.0,0.9047619048,0.4849019818,3.8003199100494385,0.6856227652,0.0,0.9534883721,0.3428113826,0.14835190773010254,0.9404173238,0.0,0.8181818182,0.4702086619,0.029369831085205078,0.9265593469,0.0,0.92,0.46327967345
-graphstate,6,2.383423089981079,0.7341438837,0.2666666667,0.7826086957,0.5004052752,2.4994571208953857,0.5668216762,0.3571428571,0.5882352941,0.46198226665,3.201427936553955,0.6397588564,0.3703703704,0.6666666667,0.5050646134,5.9171271324157715,0.1952198483,0.0833333333,0.9411764706,0.1392765908,0.0937950611114502,0.6883333052,0.375,0.75,0.5316666526,0.17722415924072266,0.5118670778,0.25,0.7391304348,0.3809335389
-qft,12,8.7676260471344,0.0133096005,0.5119617225,0.6182648402,0.2626356615,6.8296051025390625,0.0,0.6277258567,0.864556962,0.31386292835,44.84791684150696,0.0177109641,0.5166666667,0.347826087,0.2671888154,3.303262948989868,0.0,0.5649452269,0.8645899555,0.28247261345,2.0027589797973633,0.0004268781,0.478125,0.4719471947,0.23927593905000002,7.3746559619903564,0.0006479199,0.5895316804,0.743281471,0.29508980015
-twolocalrandom,10,20.70571279525757,0.0010177484,0.4,0.3435897436,0.20050887420000002,1.0766620635986328,0.0015628623,0.7259259259,0.8137931034,0.36374439410000003,1.4368517398834229,0.0015628623,0.7259259259,0.8137931034,0.36374439410000003,3.4765028953552246,3.7219e-06,0.7259259259,0.9554455446,0.3629648239,0.7361679077148438,0.0002039729,0.4318181818,0.4968233799,0.21601107735,6.732157945632935,1.14036e-05,0.6026365348,0.6506578947,0.3013239692
-dj,15,7.089142084121704,0.4701362419,0.1886792453,0.6558441558,0.32940774359999997,8.744474172592163,0.0022662437,0.4565217391,0.4534653465,0.2293939914,15.6096031665802,0.3895719454,0.2903225806,0.6196319018,0.339947263,5.131728172302246,3.2072e-06,0.2075471698,0.8877118644,0.10377518849999999,0.07998895645141602,0.3383785288,0.119047619,0.7042253521,0.2287130739,0.46935296058654785,0.3153391162,0.085106383,0.7116564417,0.2002227496
-routing,6,2.262052059173584,0.6833131305,0.4,0.8936170213,0.54165656525,3.7553281784057617,0.4575040622,0.4,0.8571428571,0.42875203110000004,87.80677080154419,0.7781814438,0.4,0.8936170213,0.5890907219,2.9738428592681885,0.1568063119,0.4,0.9509803922,0.27840315595,0.2416698932647705,0.7065244795,0.4,0.8717948718,0.55326223975,0.14370512962341309,0.742389245,0.4,0.9171270718,0.5711946225
-qft,2,4.411309719085693,0.8352245449,0.0,0.6875,0.41761227245,4.357216119766235,0.8151922825,0.0,0.9589041096,0.40759614125,16.205447912216187,0.8987038551,0.0,0.6875,0.44935192755,2.3118879795074463,0.6150577093,0.0,0.9295774648,0.30752885465,0.023502111434936523,0.9254980248,0.0,0.85,0.4627490124,0.03548717498779297,0.9160562223,0.0,0.8846153846,0.45802811115
-ghz,4,35.07094764709473,0.8911083521,0.0,0.7,0.44555417605,14.900878667831421,0.9221571624,0.0,0.75,0.4610785812,64.68988227844238,0.8607139999,0.0,0.5384615385,0.43035699995,2.0197720527648926,0.6702586186,0.0,0.9736842105,0.3351293093,0.1473679542541504,0.8886287937,0.0,0.7,0.44431439685,0.04462313652038574,0.8945129678,0.0,0.9268292683,0.4472564839
-qpeinexact,11,87.94889807701111,0.0689891747,0.3152866242,0.4290909091,0.19213789944999998,2.6451778411865234,0.0016167799,0.544,0.8513674197,0.27280838995,100.78715801239014,0.0016167799,0.544,0.8513674197,0.27280838995,3.5711779594421387,5.35241e-05,0.5090909091,0.9528907923,0.2545722166,1.572176218032837,0.0005652089,0.3446969697,0.5510204082,0.1726310893,10.596705913543701,0.0034648588,0.4653846154,0.7659765977,0.2344247371
-wstate,11,94.7880609035492,0.3241726593,0.4,0.8837209302,0.36208632965,4.2845070362091064,0.029565198,0.6506849315,0.5408805031,0.34012506475,64.18825721740723,0.5273808668,0.4,0.8958333333,0.4636904334,3.33186674118042,0.0999543983,0.4,0.9677938808,0.24997719915,1.074437141418457,0.3976366472,0.4,0.7826086957,0.3988183236,0.5873560905456543,0.6286270853,0.4,0.9141630901,0.5143135426500001
-vqe,18,3.5605051517486572,0.3339185854,0.4181818182,0.8396501458,0.37605020180000004,1.6898601055145264,0.0004206564,0.539184953,0.4744645799,0.2698028047,70.87675905227661,0.4274189866,0.3488372093,0.8365019011,0.38812809795000003,2.7157788276672363,4.3339e-06,0.393442623,0.9146853147,0.19672347845,1.5334179401397705,0.2704567498,0.4411764706,0.8571428571,0.3558166102,0.6814610958099365,0.1693242163,0.4411764706,0.9188544153,0.30525034345
-dj,6,3.9445672035217285,0.803096602,0.0,0.7755102041,0.401548301,4.07203483581543,0.6181515374,0.28125,0.5428571429,0.4497007687,4.785374879837036,0.7847091725,0.0,0.7755102041,0.39235458625,2.833256959915161,0.1418746634,0.1764705882,0.9297520661,0.1591726258,0.4335768222808838,0.541003452,0.0,0.8163265306,0.270501726,0.20325517654418945,0.7348987707,0.0,0.8,0.36744938535
-portfoliovqe,6,42.65550708770752,0.262253308,0.2836879433,0.625994695,0.27297062565,2.539214849472046,0.0699232377,0.5333333333,0.8965517241,0.3016282855,6.9772748947143555,0.0543714434,0.5333333333,0.9152542373,0.29385238835,4.562197923660278,5.4e-09,0.536036036,0.9274509804,0.2680180207,0.5752859115600586,0.0044141791,0.3083333333,0.6899224806,0.15637375620000002,0.4850280284881592,0.1943267011,0.3515151515,0.6869070209,0.2729209263
-qpeinexact,16,20.42106604576111,0.0006140156,0.5249662618,0.4160756501,0.26279013869999995,5.15275502204895,0.0,0.7252747253,0.2545057346,0.36263736265,3.9752378463745117,1.2e-08,0.6447574335,0.2672018349,0.32237872275,7.825806617736816,5.502e-07,0.5949470253,0.7481527094,0.29747378775,7.1389851570129395,2.20281e-05,0.5309882747,0.5165991903,0.2655051514,2.420325756072998,1.427e-07,0.5533596838,0.6890618599,0.27667991325
-vqe,3,2.7291550636291504,0.9422019193,0.0,0.9230769231,0.47110095965,6.799474239349365,0.4148279078,0.0,0.9583333333,0.2074139539,2.548576831817627,0.919597141,0.0,0.9230769231,0.4597985705,1.091411828994751,0.4323180525,0.0,0.9583333333,0.21615902625,0.044052839279174805,0.8514841318,0.0,0.9069767442,0.4257420659,0.1387650966644287,0.8884574707,0.0,0.9272727273,0.44422873535
-twolocalrandom,7,32.21352696418762,0.1255834518,0.2561983471,0.5678571429,0.19089089944999998,1.1265990734100342,0.0475575351,0.6031746032,0.82,0.32536606915000005,4.473246812820435,0.0475575351,0.6031746032,0.82,0.32536606915000005,5.099327087402344,0.0,0.5368731563,0.9195729537,0.26843657815,3.973397970199585,0.2487431051,0.3666666667,0.6287128713,0.3077048859,0.7003970146179199,0.0058942789,0.4480874317,0.7288888889,0.2269908553
-qpeinexact,8,4.7862770557403564,0.2208421223,0.3161290323,0.4636678201,0.2684855773,2.9264819622039795,0.0039090651,0.4744186047,0.3839541547,0.2391638349,3.8692667484283447,0.019691062,0.3351955307,0.4262820513,0.17744329635,2.111783027648926,0.0346544024,0.4,0.8539325843,0.21732720120000001,0.6914520263671875,0.2485033702,0.2222222222,0.5731225296,0.2353627962,0.9284873008728027,0.22673992,0.3282442748,0.7701754386,0.2774920974
-dj,16,5.9285852909088135,0.3765075362,0.0740740741,0.6949152542,0.22529080515,3.6191139221191406,0.0062695619,0.3703703704,0.5192878338,0.18831996615,14.773205995559692,0.3348247694,0.2777777778,0.8186397985,0.30630127360000003,4.7661919593811035,1.03147e-05,0.0,0.897260274,5.15735e-06,0.5934560298919678,0.3524940318,0.0238095238,0.7162162162,0.1881517778,0.45044994354248047,0.2874560315,0.0784313725,0.7068965517,0.18294370199999999
-realamprandom,8,12.029702186584473,0.0512216497,0.4943396226,0.6922183508,0.27278063615,1.858644962310791,0.0175339314,0.6547619048,0.8173913043,0.3361479181,3.228893995285034,0.0175339314,0.6547619048,0.8173913043,0.3361479181,5.153647184371948,0.0175339314,0.6547619048,0.8173913043,0.3361479181,1.2289659976959229,0.0045577611,0.4080717489,0.5476673428,0.206314755,1.0666108131408691,0.000970306,0.4833333333,0.679144385,0.24215181965
-qgan,9,5.877833366394043,0.2627352849,0.3692307692,0.7149122807,0.31598302705,2.5304901599884033,0.1074766547,0.5833333333,0.9069767442,0.345404994,3.3943748474121094,0.1074766547,0.5833333333,0.9069767442,0.345404994,2.168006181716919,0.1074766547,0.5833333333,0.9069767442,0.345404994,1.0734100341796875,0.3089958376,0.3902439024,0.755952381,0.34961987,0.6649231910705566,0.2716881379,0.4308943089,0.6992665037,0.3512912234
-qft,15,14.797584056854248,3.4342e-05,0.5703703704,0.2577319588,0.2852023562,5.549715995788574,0.0,0.7506702413,0.2510040161,0.37533512065,4.160845041275024,0.0020337978,0.609375,0.3759479957,0.3057043989,5.126736879348755,0.0,0.5797979798,0.926064227,0.2898989899,0.7499480247497559,6.824e-05,0.5730994152,0.4436008677,0.2865838276,16.73353099822998,3.159e-07,0.5598845599,0.7069767442,0.2799424379
-wstate,15,18.213002920150757,0.3784768426,0.25,0.7547169811,0.3142384213,5.157984256744385,0.000111314,0.5342465753,0.8747855918,0.26717894464999997,3.9334747791290283,0.4092313278,0.4186046512,0.8480565371,0.4139179895,1.0755729675292969,8.55e-07,0.46875,0.8769230769,0.2343754275,0.7270760536193848,0.3246122145,0.4285714286,0.78125,0.37659182155000004,0.3422880172729492,0.3936307084,0.4285714286,0.9138461538,0.4111010685
-vqe,8,3.9454009532928467,0.7838713103,0.3571428571,0.9014084507,0.5705070837,4.025324106216431,0.5588673825,0.3571428571,0.9014084507,0.4580051198,3.6219370365142822,0.6215160796,0.1739130435,0.8476821192,0.39771456155,2.355358839035034,0.1228323066,0.3571428571,0.9527027027,0.23998758185,0.07805395126342773,0.5831696731,0.3571428571,0.8793103448,0.47015626509999997,1.450869083404541,0.7447973848,0.3571428571,0.9222222222,0.55097012095
-graphstate,15,16.242192029953003,0.4023308645,0.5714285714,0.8532934132,0.48687971795,3.362618923187256,0.0010496297,0.7557755776,0.3311258278,0.37841260365,1.7077744007110596,0.5363362834,0.6666666667,0.8474576271,0.60150147505,1.9843299388885498,4.66369e-05,0.5555555556,0.8481012658,0.27780109625,0.08704304695129395,0.3202787225,0.7209302326,0.6504065041,0.52060447755,0.43942809104919434,0.33742026,0.5897435897,0.8177570093,0.46358192485
-qaoa,7,3.6094491481781006,0.4804752254,0.511627907,0.7345679012,0.4960515662,4.321758985519409,0.0006598461,0.5609756098,0.9256572983,0.28081772795000004,2.168254852294922,0.4012114754,0.5714285714,0.9166666667,0.4863200234,0.3943140506744385,0.0010136544,0.484375,0.9278466742,0.2426943272,0.10959482192993164,0.4173042919,0.55,0.7452229299,0.48365214595000006,0.32044005393981934,0.2443211577,0.55,0.8443579767,0.39716057885
-qpeinexact,5,9.502201080322266,0.7429557457,0.0,0.9297820823,0.37147787285,2.7334179878234863,0.2585171041,0.1923076923,0.8563535912,0.2254123982,76.21870517730713,0.5411588741,0.1818181818,0.572815534,0.36148852794999997,1.7786529064178467,0.0012648072,0.2352941176,0.9222857143,0.1182794624,0.09786796569824219,0.4937183799,0.0769230769,0.59375,0.2853207284,0.24652695655822754,0.5613639516,0.0,0.8367346939,0.2806819758
-qaoa,10,15.759185075759888,0.2458431109,0.5555555556,0.8235294118,0.40069933325,1.4518342018127441,0.0071932354,0.6787564767,0.4683195592,0.34297485605000005,2.536187171936035,0.3251184835,0.5058823529,0.6666666667,0.41550041820000005,0.6663589477539062,0.0241612379,0.65,0.955801105,0.33708061895,0.11732292175292969,0.175441754,0.6229508197,0.731277533,0.39919628684999997,0.4506049156188965,0.2050195733,0.6285714286,0.825,0.41679550095
-ghz,17,3.4905827045440674,0.4079045393,0.0,0.3174603175,0.20395226965,2.4732210636138916,0.0577145217,0.3510638298,0.1754385965,0.20438917575,1.7069220542907715,0.4647306097,0.15,0.3333333333,0.30736530485,2.1362979412078857,3.49189e-05,0.3269230769,0.8645833333,0.1634789979,0.21171092987060547,0.4917645685,0.0,0.5555555556,0.24588228425,0.18665504455566406,0.3211515524,0.0,0.9238095238,0.1605757762
-realamprandom,10,63.77513289451599,0.0027373744,0.6168582375,0.2456647399,0.30979780595,19.120577096939087,0.0015628623,0.7259259259,0.8137931034,0.36374439410000003,1.6514780521392822,0.0015628623,0.7259259259,0.8137931034,0.36374439410000003,1.5647008419036865,3.7219e-06,0.7259259259,0.9554455446,0.3629648239,1.162776231765747,0.0002039729,0.4318181818,0.4942528736,0.21601107735,6.698803901672363,1.14036e-05,0.6026365348,0.6506578947,0.3013239692
-wstate,20,5.19643497467041,0.2748931328,0.3734939759,0.7635327635,0.32419355434999997,8.968952894210815,0.0002291054,0.5835777126,0.487987988,0.291903409,5.163456201553345,0.2083669332,0.4387755102,0.9090909091,0.32357122169999997,3.354142189025879,4.8e-09,0.3625,0.8782343988,0.1812500024,1.8777248859405518,0.3032921791,0.4473684211,0.7803468208,0.3753303001,0.3967108726501465,0.3014815249,0.4473684211,0.9136363636,0.374424973
-vqe,3,5.105181932449341,0.8969639061,0.0,0.9230769231,0.44848195305,18.059458017349243,0.7437471101,0.0,0.9473684211,0.37187355505,2.395448684692383,0.919597141,0.0,0.9230769231,0.4597985705,2.0781779289245605,0.4323180525,0.0,0.9583333333,0.21615902625,0.1402449607849121,0.8514841318,0.0,0.9069767442,0.4257420659,0.0733339786529541,0.8884574707,0.0,0.9272727273,0.44422873535
-qftentangled,4,2.728411912918091,0.63478781,0.0,0.552238806,0.317393905,1.012010097503662,0.3435051197,0.2857142857,0.8467153285,0.3146097027,3.2434890270233154,0.3435051197,0.2857142857,0.8467153285,0.3146097027,3.0283021926879883,0.0108570989,0.3125,0.9216965742,0.16167854945,0.25259971618652344,0.4478746312,0.0,0.4915254237,0.2239373156,0.29308509826660156,0.6105036502,0.0,0.8590604027,0.3052518251
-ghz,10,2.7780420780181885,0.5911600923,0.1428571429,0.3823529412,0.36700861760000003,14.500767946243286,0.5824771931,0.0,0.9693877551,0.29123859655,3.0906600952148438,0.6354262317,0.0,0.8421052632,0.31771311585,3.5439870357513428,0.3107302645,0.0,0.9727272727,0.15536513225,0.06859421730041504,0.6244589405,0.0,0.5909090909,0.31222947025,0.1269700527191162,0.748234416,0.0,0.9243697479,0.374117208
-qgan,11,9.50469708442688,0.0571880243,0.4422110553,0.6938461538,0.24969953979999998,1.8825550079345703,0.0368983474,0.6545454545,0.9,0.34572190095,3.0312068462371826,0.0368983474,0.6545454545,0.9,0.34572190095,3.384827136993408,0.005651699,0.6545454545,0.9565560821,0.33009857675,0.2349092960357666,0.0269555435,0.3630136986,0.7345454545,0.19498462105,10.573482751846313,0.0067150485,0.5707317073,0.6740858506,0.2887233779
-qftentangled,13,39.94038105010986,0.0238674293,0.6102564103,0.6146245059,0.3170619198,3.5158591270446777,1e-10,0.7673378076,0.2442941674,0.38366890385,3.24387526512146,0.0003449342,0.5885416667,0.2734153264,0.29444330045,3.120110034942627,0.0,0.5022522523,0.869296438,0.25112612615,2.9401071071624756,0.0011184299,0.4975369458,0.5006150062,0.24932768785,5.757091045379639,0.000504467,0.7121212121,0.7703016241,0.35631283955
-qftentangled,4,9.741146087646484,0.6827605225,0.0,0.552238806,0.34138026125,2.1306779384613037,0.5788506057,0.1875,0.4352941176,0.38317530285,2.5539801120758057,0.3435051197,0.2857142857,0.8467153285,0.3146097027,2.274661064147949,0.3435051197,0.2857142857,0.8467153285,0.3146097027,0.1450490951538086,0.4478746312,0.0,0.4915254237,0.2239373156,0.16824984550476074,0.6105036502,0.0,0.8590604027,0.3052518251
-qgan,2,1.7198941707611084,0.9557023599,0.0,0.9655172414,0.47785117995,24.14301609992981,0.9016823806,0.0,0.9772727273,0.4508411903,1.376509189605713,0.8772032871,0.0,0.9655172414,0.43860164355,2.769968271255493,0.8146376769,0.0,0.975,0.40731883845,0.0372159481048584,0.9548183672,0.0,0.9523809524,0.4774091836,0.041213035583496094,0.9367599858,0.0,0.9523809524,0.4683799929
-pricingcall,7,5.517214059829712,0.0772410928,0.1923076923,0.5881188119,0.13477439255,5.471001148223877,0.0194750975,0.3050314465,0.4960380349,0.162253272,10.909842014312744,0.0383805455,0.2652329749,0.5396039604,0.1518067602,2.3715338706970215,0.0,0.2686084142,0.9234200743,0.1343042071,1.0425360202789307,0.0288616974,0.1666666667,0.6210526316,0.09776418205,0.8174810409545898,0.0039851777,0.1567567568,0.8046462513,0.08037096725000001
-graphstate,10,4.6250011920928955,0.6375284166,0.3181818182,0.8035714286,0.47785511740000003,3.18831205368042,0.0508453564,0.5391304348,0.4651162791,0.2949878956,3.44442081451416,0.5208291071,0.4,0.9166666667,0.46041455355,2.123119831085205,0.5208291071,0.4,0.9166666667,0.46041455355,0.05593991279602051,0.444496976,0.4736842105,0.6346153846,0.45909059325,0.3307499885559082,0.560548019,0.25,0.8823529412,0.4052740095
-vqe,11,3.5935637950897217,0.5077472363,0.2307692308,0.8712871287,0.36925823355,0.02746295928955078,0.3488519554,0.4,0.8611111111,0.3744259777,3.0956380367279053,0.3488519554,0.4,0.8611111111,0.3744259777,2.347277879714966,0.0888363403,0.4,0.96996997,0.24441817015,0.19760894775390625,0.3858775467,0.4,0.8742138365,0.39293877335000005,0.2273402214050293,0.6254274554,0.4,0.9212598425,0.5127137277
-vqe,8,8.529876947402954,0.7038370916,0.2,0.8648648649,0.4519185458,1.6375148296356201,0.5588673825,0.3571428571,0.9014084507,0.4580051198,3.826416015625,0.6480361177,0.2352941176,0.8595041322,0.44166511765,1.6691389083862305,0.1211950007,0.3571428571,0.9527027027,0.2391689289,0.14566564559936523,0.5831696731,0.3571428571,0.8793103448,0.47015626509999997,0.18811917304992676,0.7447973848,0.3571428571,0.9222222222,0.55097012095
-tsp,16,6.431916952133179,0.2526141312,0.6933333333,0.9633431085,0.47297373225,2.5673508644104004,3.602e-06,0.6872427984,0.6606145251,0.34362320020000003,3.0728747844696045,0.2763652482,0.5517241379,0.8990719258,0.41404469305,2.8626341819763184,2e-10,0.5619047619,0.8655569782,0.28095238105000003,1.2726919651031494,0.0632680685,0.6933333333,0.8762376238,0.3783007009,0.7516169548034668,0.1235810782,0.6933333333,0.9171270718,0.40845720575
-qgan,10,4.492056131362915,0.2208907522,0.3660130719,0.6778947368,0.29345191205,2.170736789703369,0.0629651755,0.6222222222,0.9052631579,0.34259369885,2.081035852432251,0.0629651755,0.6222222222,0.9052631579,0.34259369885,10.79544186592102,0.0139551479,0.6222222222,0.9571428571,0.31808868505,1.3672528266906738,0.1348814348,0.3571428571,0.6621983914,0.24601214594999998,5.984088182449341,0.0104773174,0.5282051282,0.6441605839,0.2693412228
-qpeinexact,3,3.0650830268859863,0.8546276456,0.0,0.6666666667,0.4273138228,8.35897707939148,0.2509305807,0.15,0.8540145985,0.20046529035,3.519343137741089,0.8225537399,0.0,0.6153846154,0.41127686995,0.7979121208190918,0.6222442859,0.0,0.8615384615,0.31112214295,0.05440092086791992,0.8601125987,0.0,0.7948717949,0.43005629935,0.11440205574035645,0.6286063471,0.0,0.8529411765,0.31430317355
-realamprandom,3,2.7469112873077393,0.8463601111,0.0,0.75,0.42318005555,33.98904800415039,0.0027181572,0.1428571429,0.8842975207,0.07278765005,3.32232666015625,0.731319044,0.0,0.724137931,0.365659522,7.002580165863037,0.1507361103,0.0,0.9333333333,0.07536805515,0.12235808372497559,0.7463039891,0.0,0.7564102564,0.37315199455,0.13162589073181152,0.4050650143,0.0,0.8235294118,0.20253250715
-graphstate,7,3.3553049564361572,0.6068603053,0.12,0.7368421053,0.36343015265,3.7808492183685303,0.3820424862,0.4705882353,0.5526315789,0.42631536075,12.2622389793396,0.6211747676,0.4838709677,0.670212766,0.55252286765,8.728068113327026,0.2028130418,0.2307692308,0.9424778761,0.21679113630000002,0.06737804412841797,0.5947573831,0.3333333333,0.7721518987,0.46404535820000004,0.1913290023803711,0.6494467837,0.1818181818,0.786407767,0.41563248275
-qgan,4,2.5604496002197266,0.8152097137,0.0,0.8666666667,0.40760485685,4.186537981033325,0.7350994504,0.1904761905,0.72,0.46278782045,9.788080930709839,0.7378198477,0.0555555556,0.8363636364,0.39668770165,1.3486430644989014,0.2168611761,0.0666666667,0.9448529412,0.1417639214,0.07212400436401367,0.6470855924,0.0,0.8,0.3235427962,0.15657305717468262,0.5642922007,0.0,0.8481012658,0.28214610035
-pricingput,7,4.753125905990601,1.25e-08,0.2089552239,0.9149386373,0.1044776182,19.162827968597412,0.035656456,0.2836363636,0.871914299,0.1596464098,4.561496257781982,0.0302445808,0.2578616352,0.5145038168,0.14405310799999999,7.1104960441589355,1.8e-09,0.1965811966,0.9255961844,0.09829059920000001,4.0922629833221436,0.0254020188,0.1666666667,0.6345776031,0.09603434275,0.7658572196960449,0.0024318966,0.1822660099,0.7998027613,0.09234895325
-ae,10,29.226184129714966,0.1301452715,0.35625,0.9019607843,0.24319763575,2.755006790161133,0.0074748686,0.4666666667,0.8728813559,0.23707076765,3.070812940597534,0.0074748686,0.4666666667,0.8728813559,0.23707076765,7.135077238082886,0.0,0.4311926606,0.8720657277,0.2155963303,3.8609158992767334,0.0285397361,0.3377483444,0.6621923937,0.18314404025,6.260472774505615,0.0011957619,0.4444444444,0.7361563518,0.22282010315
-qpeexact,14,11.803344964981079,0.0003692284,0.5380875203,0.3652263374,0.26922837434999997,1.4737138748168945,5e-10,0.6570545829,0.2682743029,0.3285272917,6.633636236190796,0.0171035638,0.5479452055,0.7060402685,0.28252438465,14.334007024765015,0.0,0.5501519757,0.9110089262,0.27507598785,2.881450891494751,0.0002254864,0.5169300226,0.4842840512,0.2585777545,2.3236048221588135,1.39574e-05,0.5794392523,0.7086056645,0.28972660485
-su2random,6,14.61333417892456,0.271221321,0.3092783505,0.8809815951,0.29024983575,3.0126380920410156,0.0965159183,0.5333333333,0.8557692308,0.3149246258,6.918207883834839,0.0871396605,0.5333333333,0.8717948718,0.3102364969,6.14578104019165,1.361e-07,0.4637681159,0.9206896552,0.231884126,1.5535860061645508,0.0248080512,0.2976190476,0.7263843648,0.16121354940000002,0.4802522659301758,0.1936365848,0.3515151515,0.7095070423,0.27257586815
-dj,7,12.129786968231201,0.6623994137,0.0,0.776119403,0.33119970685,48.128029346466064,0.1483718571,0.4473684211,0.3837837838,0.29787013910000004,1.9677743911743164,0.6346525088,0.0555555556,0.7428571429,0.3451040322,2.4675779342651367,0.0655235935,0.1428571429,0.9309210526,0.10419036820000001,0.036252737045288086,0.8253749198,0.0666666667,0.7321428571,0.44602079325,0.2449328899383545,0.620314123,0.0,0.8125,0.3101570615
-qpeexact,7,2.1328611373901367,0.4319944193,0.3012048193,0.5464480874,0.36659961929999996,2.6006460189819336,0.0876460519,0.4255319149,0.8544891641,0.25658898339999997,5.41917872428894,0.0876460519,0.4255319149,0.8544891641,0.25658898339999997,5.691766738891602,0.0876460519,0.4255319149,0.8544891641,0.25658898339999997,0.1775798797607422,0.3215320719,0.1891891892,0.5934065934,0.25536063055,0.4648761749267578,0.3094606472,0.3711340206,0.7550505051,0.3402973339
-realamprandom,6,40.37721800804138,0.1791150369,0.2608695652,0.5337837838,0.21999230105,0.4402201175689697,0.112064106,0.5333333333,0.8235294118,0.32269871964999997,2.3419482707977295,0.112064106,0.5333333333,0.8235294118,0.32269871964999997,1.904543161392212,1.8025e-06,0.4210526316,0.9214876033,0.21052721705,0.19913983345031738,0.0254417654,0.2976190476,0.7181208054,0.1615304065,0.4595768451690674,0.1941960161,0.3515151515,0.6950092421,0.2728555838
-qpeexact,17,27.545438051223755,9.08105e-05,0.5434782609,0.8086271075,0.2717845357,10.197752952575684,0.0,0.7219451372,0.2451764706,0.3609725686,3.599128007888794,9e-10,0.6584938704,0.3132892363,0.32924693564999996,2.279895067214966,0.0,0.5959498554,0.8667095116,0.2979749277,1.4315159320831299,1.15773e-05,0.4946949602,0.4621968616,0.24735326875,3.1012511253356934,2.9e-09,0.6194690265,0.6736462094,0.3097345147
-vqe,13,7.55754017829895,0.5484429342,0.3333333333,0.885106383,0.44088813375,4.931210994720459,0.0235552847,0.5602836879,0.5959885387,0.29191948630000003,8.209310054779053,0.5328913228,0.3333333333,0.8615384615,0.43311232805,2.5352518558502197,0.0007688802,0.2666666667,0.9282296651,0.13371777345,0.6261119842529297,0.4330592197,0.4166666667,0.875,0.4248629432,0.3011622428894043,0.5651758805,0.4166666667,0.9210526316,0.49092127360000004
-ae,5,6.988647937774658,0.5970106032,0.0,0.7575757576,0.2985053016,2.391065835952759,0.0021735187,0.1694915254,0.926980198,0.08583252205,2.605733871459961,0.5200992317,0.0681818182,0.6944444444,0.29414052495000004,2.4287149906158447,0.164878951,0.1,0.9534883721,0.13243947550000001,0.06158089637756348,0.2740158167,0.0,0.6923076923,0.13700790835,0.26797986030578613,0.3240274383,0.0571428571,0.8364485981,0.1905851477
-wstate,5,11.726270914077759,0.8052646385,0.25,0.8974358974,0.52763231925,1.2174608707427979,0.3912098493,0.25,0.968627451,0.32060492465,2.7950568199157715,0.6352503605,0.25,0.8857142857,0.44262518025,1.079807996749878,0.2590011715,0.25,0.9518072289,0.25450058575,0.1514129638671875,0.8082728053,0.25,0.7894736842,0.5291364026500001,0.11484122276306152,0.8185978349,0.25,0.9157894737,0.53429891745
-qft,9,8.337777853012085,0.1775371793,0.4357142857,0.8702502317,0.30662573249999997,0.8937151432037354,0.0136699417,0.6071428571,0.8486486486,0.31040639940000003,2.4998509883880615,0.0136699417,0.6071428571,0.8486486486,0.31040639940000003,0.6733100414276123,0.0017508473,0.5833333333,0.9518072289,0.2925420903,5.983937978744507,0.1062094793,0.3506493506,0.5536231884,0.22842941495000002,0.7772107124328613,0.0176863736,0.4402515723,0.7888446215,0.22896897295000002
-qaoa,4,5.147479772567749,0.5788589741,0.1176470588,0.6909090909,0.34825301645,7.099100112915039,0.0532326132,0.5114503817,0.6124260355,0.28234149745000003,3.1751627922058105,0.593411827,0.375,0.9166666667,0.4842059135,1.9055628776550293,0.593411827,0.375,0.9166666667,0.4842059135,0.12403011322021484,0.5664462404,0.3181818182,0.7528089888,0.4423140293,0.657573938369751,0.3969532323,0.3181818182,0.8552631579,0.35756752525
-wstate,9,0.9280080795288086,0.6351959807,0.375,0.8961038961,0.50509799035,1.751556158065796,0.405663465,0.375,0.884057971,0.3903317325,4.216032981872559,0.6333213802,0.1891891892,0.7885714286,0.41125528469999995,2.7369492053985596,0.1575207846,0.375,0.9679358717,0.2662603923,0.1936171054840088,0.6020609994,0.375,0.7837837838,0.4885304997,0.22428011894226074,0.7013684651,0.375,0.9144385027,0.5381842325499999
-portfolioqaoa,5,1.990494966506958,0.2049171102,0.1363636364,0.523465704,0.17064037329999998,1.791687250137329,0.156894187,0.4333333333,0.90625,0.29511376015,3.8213441371917725,0.156894187,0.4333333333,0.90625,0.29511376015,1.9923362731933594,0.156894187,0.4333333333,0.90625,0.29511376015,0.4523460865020752,0.3144585079,0.1153846154,0.5720164609,0.21492156165,0.5594151020050049,0.0568085204,0.2478632479,0.803030303,0.15233588415
-qpeinexact,2,2.619025945663452,0.9434194514,0.0,0.8461538462,0.4717097257,2.294070243835449,0.893710882,0.0,0.9428571429,0.446855441,2.564268112182617,0.9592822771,0.0,0.8461538462,0.47964113855,2.1668918132781982,0.7696829522,0.0,0.9428571429,0.3848414761,0.017694950103759766,0.9522376508,0.0,0.8333333333,0.4761188254,0.13348913192749023,0.9675110774,0.0,0.9230769231,0.4837555387
-ae,12,18.638953924179077,0.0190151989,0.4579710145,0.6796657382,0.23849310669999998,5.090399742126465,4.121e-06,0.5858585859,0.4118811881,0.29293135345,2.6860239505767822,0.0023756047,0.5573476703,0.4051172708,0.2798616375,0.46907973289489746,0.0,0.4052287582,0.878667724,0.2026143791,0.3176109790802002,0.021673062,0.3333333333,0.605015674,0.17750319765,4.247284412384033,0.0060521036,0.4021164021,0.7254901961,0.20408425285
-tsp,4,1.6744039058685303,0.8353499072,0.2666666667,0.9344978166,0.55100828695,2.5739612579345703,0.4185063096,0.2666666667,0.8920863309,0.34258648815000003,2.638355255126953,0.7634267078,0.2666666667,0.9344978166,0.51504668725,2.2728607654571533,0.1288593322,0.2666666667,0.961928934,0.19776299945,0.1232309341430664,0.6697829517,0.2666666667,0.8880597015,0.4682248092,0.18090605735778809,0.7612226719,0.2666666667,0.9189189189,0.5139446693
-qftentangled,10,8.479609727859497,0.0139843182,0.6495098039,0.3037542662,0.33174706105,2.835386276245117,0.0030790827,0.6578947368,0.8453188602,0.33048690975,2.241671085357666,0.0030790827,0.6578947368,0.8453188602,0.33048690975,3.6774659156799316,0.0001554327,0.6363636364,0.952173913,0.31825953455,1.2669739723205566,0.029946152,0.3628318584,0.5201698514,0.1963890052,6.279715061187744,0.0021553373,0.4082397004,0.7543698252,0.20519751885
-qftentangled,8,9.447452306747437,0.2357481017,0.4393939394,0.8956521739,0.33757102055,2.469558000564575,0.0222584995,0.5866666667,0.8453608247,0.3044625831,1.8246116638183594,0.0222584995,0.5866666667,0.8453608247,0.3044625831,4.481939792633057,0.0032584939,0.5555555556,0.9541150765,0.27940702475,0.18646502494812012,0.0028575415,0.35625,0.4482758621,0.17955377075,0.8346688747406006,0.1232981823,0.3925925926,0.7897196262,0.25794538745
-graphstate,12,4.449897289276123,0.623228364,0.380952381,0.8372093023,0.5020903725,2.5743587017059326,0.0119338033,0.6722222222,0.4,0.34207801275000005,2.318394184112549,0.5390558878,0.4666666667,0.8,0.5028612772500001,3.3179268836975098,0.0018233717,0.5151515152,0.8405797101,0.25848744345,0.25981998443603516,0.256302079,0.4736842105,0.7054263566,0.36499314475,0.4068281650543213,0.4074608428,0.5833333333,0.8545454545,0.49539708805000005
-qftentangled,8,20.41129994392395,0.0907653834,0.375,0.7313432836,0.2328826917,3.148782730102539,0.0222584995,0.5866666667,0.8453608247,0.3044625831,2.409201145172119,0.0287942733,0.4423076923,0.2761020882,0.2355509828,0.4768869876861572,8.8e-09,0.4734299517,0.9204763734,0.23671498025,0.2687399387359619,0.0028575415,0.35625,0.4482758621,0.17955377075,0.8493607044219971,0.1232981823,0.3925925926,0.7897196262,0.25794538745
-wstate,12,1.829481840133667,0.508982322,0.4090909091,0.8957345972,0.45903661555,2.40529203414917,0.0213172922,0.5882352941,0.5815384615,0.30477629315,3.7313079833984375,0.4764028916,0.275,0.8253275109,0.3757014458,0.34311985969543457,0.0014654742,0.4090909091,0.8957345972,0.20527819165,0.09475183486938477,0.4569862614,0.4090909091,0.7821782178,0.43303858525,0.2319948673248291,0.6310609713,0.4090909091,0.9140625,0.5200759402
-qft,12,5.246680974960327,0.0001658506,0.5623501199,0.2292051756,0.28125798524999995,2.984560012817383,1.1736e-06,0.7010014306,0.2603174603,0.35050130209999997,4.1574530601501465,0.0008180499,0.650273224,0.3796610169,0.32554563695,0.8484680652618408,0.0,0.4927536232,0.8703494927,0.2463768116,0.3880131244659424,0.0004267346,0.478125,0.4719471947,0.2392758673,7.291946887969971,0.0006479199,0.5895316804,0.743281471,0.29508980015
-dj,11,4.469216823577881,0.3542538442,0.375,0.5733333333,0.36462692210000003,4.387618064880371,0.4628966065,0.0,0.9393939394,0.23144830325,2.86091685295105,0.5276979246,0.0,0.9130434783,0.2638489623,0.025374889373779297,0.5276979246,0.0,0.9130434783,0.2638489623,0.06649184226989746,0.5371177751,0.037037037,0.7216494845,0.28707740605000004,0.315871000289917,0.3966746869,0.0,0.75,0.19833734345
-vqe,4,2.157883882522583,0.9037473179,0.1666666667,0.9142857143,0.5352069923,6.030070066452026,0.86067454,0.1666666667,0.9142857143,0.51367060335,2.6533119678497314,0.7971370764,0.1666666667,0.9142857143,0.48190187154999997,0.027432918548583984,0.4692879828,0.1666666667,0.9558823529,0.31797732475,4.195574998855591,0.826074105,0.1666666667,0.8928571429,0.49637038585,0.07002687454223633,0.8582481366,0.1666666667,0.925,0.51245740165
-ae,6,4.449100017547607,0.4387641578,0.0909090909,0.6726190476,0.26483662435,0.08208894729614258,0.1807425284,0.2,0.8872180451,0.1903712642,1.3580679893493652,0.1807425284,0.2,0.8872180451,0.1903712642,4.175854206085205,0.0007286399,0.3536585366,0.9375951294,0.17719358825,0.23553204536437988,0.5313273568,0.1063829787,0.7025316456,0.31885516775,0.33301520347595215,0.3729423783,0.1904761905,0.8,0.2817092844
-qpeinexact,11,12.540210962295532,0.0614339463,0.3705035971,0.6876404494,0.2159687717,0.2746601104736328,0.0016167799,0.544,0.8513674197,0.27280838995,2.182314157485962,0.0016167799,0.544,0.8513674197,0.27280838995,3.2921741008758545,6.02228e-05,0.5090909091,0.9519650655,0.25457556594999997,0.7400672435760498,0.0218970318,0.3256704981,0.5130597015,0.17378376495,10.307793855667114,0.0034945993,0.4653846154,0.7570093458,0.23443960735
-qgan,8,3.752246141433716,0.2052836706,0.375,0.5829383886,0.2901418353,2.09142804145813,0.1806424916,0.5357142857,0.904109589,0.35817838865,5.633626222610474,2.31621e-05,0.4628099174,0.9301385681,0.23141653974999998,12.808960914611816,8.29429e-05,0.4220183486,0.9246717346,0.21105064575,0.885653018951416,0.2782561422,0.3606557377,0.7789855072,0.31945593995,0.6507189273834229,0.0760341413,0.41,0.7014925373,0.24301707065
-qaoa,10,2.3269731998443604,0.2212057946,0.5285714286,0.7307692308,0.3748886116,2.8742897510528564,0.0063885072,0.6733668342,0.460704607,0.33987767069999997,2.354735851287842,0.2712629588,0.65,0.9166666667,0.46063147940000004,2.963439702987671,0.0226291628,0.65,0.9569892473,0.33631458140000003,0.27202892303466797,0.175441754,0.6229508197,0.731277533,0.39919628684999997,0.45414304733276367,0.2050698728,0.6285714286,0.8181818182,0.4168206507
-wstate,16,9.747069120407104,0.4378113772,0.2857142857,0.9421487603,0.36176283145,3.8529059886932373,0.000447716,0.5777777778,0.346473029,0.2891127469,1.1013660430908203,0.3707054157,0.2444444444,0.8249027237,0.30757493005,3.6105868816375732,1.139e-07,0.3472222222,0.8760757315,0.17361116805,1.3641679286956787,0.3000248553,0.4333333333,0.7810218978,0.3666790943,0.36534690856933594,0.289831997,0.4333333333,0.9137931034,0.36158266515000004
-portfoliovqe,6,12.261188268661499,0.1418108745,0.3333333333,0.7027027027,0.2375721039,1.5363011360168457,0.0699232377,0.5333333333,0.8965517241,0.3016282855,12.764302730560303,0.0892191566,0.5333333333,0.8684210526,0.31127624495,6.11308479309082,2.638e-07,0.380952381,0.9303482587,0.1904763224,0.16548514366149902,0.0044141791,0.3083333333,0.6923076923,0.15637375620000002,0.8921761512756348,0.1943267011,0.3515151515,0.6869070209,0.2729209263
-qpeinexact,16,9.616381883621216,0.000144648,0.541025641,0.3739967897,0.2705851445,3.894005060195923,0.0,0.6706924316,0.2728337237,0.3353462158,13.083059310913086,5.742e-07,0.615819209,0.273313783,0.3079098916,6.227808952331543,0.0,0.5131396957,0.9177567967,0.25656984785,0.74318528175354,2.95944e-05,0.4752791069,0.4818181818,0.23765435065,2.493192195892334,1.359e-07,0.5533596838,0.6995249406,0.27667990985
-ghz,3,2.7888600826263428,0.9077910556,0.0,0.75,0.4538955278,1.6268439292907715,0.8382056448,0.0,0.9756097561,0.4191028224,11.992271184921265,0.9462565586,0.0,0.75,0.4731282793,3.1347358226776123,0.6051657748,0.0,0.9333333333,0.3025828874,0.09691905975341797,0.9051314572,0.0,0.75,0.4525657286,0.03722810745239258,0.9163206872,0.0,0.9285714286,0.4581603436
-qft,5,7.685708999633789,0.7457524571,0.1,0.8888888889,0.42287622855,12.244477987289429,0.2626137426,0.3461538462,0.8514285714,0.30438379439999996,5.811115980148315,0.2626137426,0.3461538462,0.8514285714,0.30438379439999996,0.09638404846191406,0.0024717646,0.2321428571,0.9224376731,0.11730731085,0.8847548961639404,0.2360078731,0.1621621622,0.6021505376,0.19908501764999997,0.2555110454559326,0.3121322725,0.1428571429,0.8387096774,0.2274947077
-dj,12,2.399764060974121,0.5055006088,0.0,0.6779661017,0.2527503044,0.5460679531097412,1.8631e-06,0.3913043478,0.8960451977,0.19565310545,3.780747890472412,0.4233081699,0.2045454545,0.6451612903,0.31392681219999996,2.8002588748931885,2.28021e-05,0.1052631579,0.8901734104,0.05264298,0.07793307304382324,0.532537801,0.0,0.8090909091,0.2662689005,0.4880869388580322,0.4652895931,0.1142857143,0.7244094488,0.2897876537
-ghz,7,13.662870168685913,0.7716767726,0.0,0.4545454545,0.3858383863,9.06874704360962,0.8030171353,0.0,0.6666666667,0.40150856765,1.5884768962860107,0.6829472348,0.0,0.5263157895,0.3414736174,1.630781888961792,0.3285540752,0.0,0.9268292683,0.1642770376,0.14711308479309082,0.7487961856,0.0,0.625,0.3743980928,0.07908868789672852,0.8141898677,0.0,0.925,0.40709493385
-wstate,9,2.6887319087982178,0.6413859954,0.375,0.8961038961,0.5081929976999999,1.3989348411560059,0.5505177287,0.375,0.8961038961,0.46275886435,1.9488978385925293,0.6617445592,0.1785714286,0.8133333333,0.42015799389999997,2.6166069507598877,0.1575207846,0.375,0.9679358717,0.2662603923,0.3055570125579834,0.6020609994,0.375,0.7837837838,0.4885304997,0.18185997009277344,0.7013684651,0.375,0.9144385027,0.5381842325499999
-ae,9,13.870310068130493,0.1589764195,0.443877551,0.8337574215,0.30142698525,2.983851194381714,0.0693854535,0.52,0.5182012848,0.29469272675,15.151244163513184,0.0600376258,0.4279279279,0.5215517241,0.24398277685,4.802263021469116,0.0,0.320754717,0.8826568266,0.1603773585,1.3997602462768555,0.1922266255,0.2735042735,0.6811989101,0.2328654495,0.7526462078094482,0.0177299023,0.3218390805,0.7639077341,0.1697844914
-wstate,5,12.138373136520386,0.8092020771,0.25,0.8974358974,0.5296010385500001,5.9918529987335205,0.4315167771,0.1666666667,0.9277108434,0.2990917219,0.5856797695159912,0.6352503605,0.25,0.8857142857,0.44262518025,4.32975697517395,0.2590011715,0.25,0.9518072289,0.25450058575,0.19117331504821777,0.8082728053,0.25,0.7894736842,0.5291364026500001,0.09610867500305176,0.8185978349,0.25,0.9157894737,0.53429891745
-qft,15,9.149554014205933,0.003741639,0.7091722595,0.8470225873,0.35645694925,3.7733659744262695,0.0,0.6401179941,0.8642914331,0.32005899705,12.305705070495605,0.0046396888,0.6298245614,0.3784078517,0.3172321251,9.869487047195435,0.0,0.5885262117,0.9019113224,0.29426310585,4.091293811798096,6.824e-05,0.5730994152,0.4429967427,0.2865838276,17.49893808364868,3.159e-07,0.5598845599,0.7069767442,0.2799424379
-qft,6,20.664581298828125,0.5180980048,0.3148148148,0.8744186047,0.4164564098,3.984039068222046,1.5448e-06,0.4296296296,0.920071048,0.2148155872,5.70675802230835,0.2863209152,0.4411764706,0.4035087719,0.3637486929,2.2985281944274902,0.0024618147,0.2716049383,0.9221902017,0.1370333765,0.7744948863983154,0.3128855273,0.2258064516,0.5373134328,0.26934598945,0.7307960987091064,0.4187099203,0.2456140351,0.8161290323,0.3321619777
-qaoa,8,18.912169933319092,0.3511705886,0.66,0.7311827957,0.5055852943,4.572080135345459,0.0359945614,0.5909090909,0.5528455285,0.31345182615,4.340551853179932,0.3521375965,0.6875,0.9166666667,0.51981879825,2.111436128616333,0.0142391522,0.6875,0.9384615385,0.3508695761,0.15400385856628418,0.2665893366,0.66,0.7252747253,0.4632946683,0.423659086227417,0.1981225519,0.7076923077,0.8071216617,0.4529074298
-qaoa,9,4.248747110366821,0.3817777568,0.4126984127,0.7083333333,0.39723808475,1.1160728931427002,0.1222273612,0.6382978723,0.5204081633,0.38026261675,4.57340407371521,0.309066152,0.6666666667,0.9166666667,0.48786640935,2.2835259437561035,0.309066152,0.6666666667,0.9166666667,0.48786640935,17.818147897720337,0.2484313779,0.6666666667,0.7313432836,0.4575490223,0.44296813011169434,0.2082712611,0.6140350877,0.8380681818,0.4111531744
-wstate,4,2.9228408336639404,0.8907825177,0.1666666667,0.8983050847,0.5287245922,6.67664098739624,0.8633499778,0.1666666667,0.8666666667,0.51500832225,1.487624168395996,0.7669321892,0.1666666667,0.8983050847,0.46679942794999996,3.053356170654297,0.3274525334,0.1666666667,0.952,0.24705960005,0.10778284072875977,0.8284944472,0.1666666667,0.7931034483,0.49758055695,0.09698009490966797,0.8600636142,0.1666666667,0.9166666667,0.51336514045
-qft,14,18.684771060943604,0.0170012385,0.5298701299,0.8944916415,0.27343568420000003,4.97135329246521,0.0,0.7535934292,0.2524942441,0.3767967146,5.018528938293457,0.0075951685,0.5965250965,0.3884297521,0.30206013249999997,2.6419801712036133,0.0,0.4806949807,0.8690265487,0.24034749035,3.022631883621216,5.82059e-05,0.5495495495,0.4902411022,0.27480387770000003,10.797058820724487,8.5668e-06,0.5834862385,0.7266800401,0.29174740265000004
-qft,7,12.991390943527222,0.4435201292,0.2317073171,0.7703081232,0.33761372315,19.28467321395874,0.0734221919,0.5098039216,0.8495575221,0.29161305675,7.425081968307495,0.2239954511,0.4728682171,0.3798076923,0.3484318341,0.5043308734893799,0.0734221919,0.5098039216,0.8495575221,0.29161305675,0.2998337745666504,0.1740998345,0.3404255319,0.5252525253,0.2572626832,0.43564510345458984,0.4156313388,0.2666666667,0.7945205479,0.34114900275000004
-dj,13,7.023972988128662,0.5237913335,0.0,0.725,0.26189566675,4.738729953765869,0.0063160952,0.4444444444,0.3152173913,0.2253802698,3.5862350463867188,0.4846607919,0.1851851852,0.6170212766,0.33492298855,0.2978088855743408,0.0001065938,0.2888888889,0.8880597015,0.14449774135,0.2582406997680664,0.3987404964,0.037037037,0.775,0.2178887667,0.3904249668121338,0.3457513116,0.0,0.7518796992,0.1728756558
-ghz,6,21.24117136001587,0.8705501433,0.0,0.6428571429,0.43527507165,4.898098945617676,0.8266011899,0.0,0.6875,0.41330059495,1.7910349369049072,0.7242538267,0.0,0.5294117647,0.36212691335,0.3448009490966797,0.4044878316,0.0,0.9275362319,0.2022439158,0.021058082580566406,0.8413297542,0.0,0.6428571429,0.4206648771,0.0670769214630127,0.8337568618,0.0,0.9253731343,0.4168784309
-wstate,8,20.32546615600586,0.5802671918,0.3571428571,0.8962962963,0.46870502444999995,3.348510265350342,0.5630423644,0.3571428571,0.8494623656,0.46009261074999996,1.3155431747436523,0.453795988,0.3571428571,0.8842975207,0.40546942254999996,0.29199790954589844,0.12223599,0.3571428571,0.9515570934,0.23968942355,0.04641103744506836,0.5942400663,0.3571428571,0.7846153846,0.4756914617,0.16904902458190918,0.747631396,0.3571428571,0.9146341463,0.55238712655
-ae,8,6.049370050430298,0.027957362,0.3571428571,0.9129082426,0.19255010955,0.6343948841094971,0.0165298894,0.4659685864,0.5139949109,0.2412492379,5.231258869171143,0.043419504,0.3571428571,0.8821052632,0.20028118055,0.9776301383972168,7.45e-08,0.4574468085,0.9235150529,0.2287234415,0.20581483840942383,0.1736304326,0.1619047619,0.6037735849,0.16776759725,0.7345268726348877,0.0272303573,0.328358209,0.7736486486,0.17779428315
-ghz,2,2.6947171688079834,0.9719475622,0.0,0.8333333333,0.4859737811,2.0924010276794434,0.9645928753,0.0,0.9696969697,0.48229643765,1.4169549942016602,0.9273433142,0.0,0.8333333333,0.4636716571,0.024643898010253906,0.7677909932,0.0,0.9411764706,0.3838954966,0.014375925064086914,0.9567576491,0.0,0.8333333333,0.47837882455,0.024116039276123047,0.9372896691,0.0,0.9333333333,0.46864483455
-qft,4,7.445138931274414,0.7852142125,0.0,0.4905660377,0.39260710625,1.822200059890747,0.6433422594,0.2121212121,0.5074626866,0.42773173575,3.5618770122528076,0.6352503521,0.0,0.4473684211,0.31762517605,1.8775501251220703,0.0497217759,0.1851851852,0.9245810056,0.11745348054999999,0.2743337154388428,0.756900508,0.2,0.5901639344,0.47845025399999996,0.16683697700500488,0.6570716887,0.0,0.856,0.32853584435
-ghz,20,4.087315082550049,0.4081448762,0.0,0.4035087719,0.2040724381,2.257873773574829,0.0457669174,0.3769230769,0.1503267974,0.21134499715,3.1281321048736572,0.3970552231,0.0576923077,0.3246753247,0.2273737654,3.015285015106201,2.04e-08,0.0,0.864118896,1.02e-08,0.8570921421051025,0.4764198216,0.0,0.5476190476,0.2382099108,0.2297201156616211,0.4061385945,0.0,0.9236947791,0.20306929725
-wstate,17,5.238302946090698,0.4199569434,0.42,0.8188405797,0.4199784717,0.9441211223602295,0.0089942859,0.3652694611,0.6213151927,0.18713187350000002,3.3037667274475098,0.2828036752,0.4382022472,0.7548209366,0.3605029612,4.030142068862915,6.1314e-06,0.4864864865,0.8766666667,0.24324630895,0.4121840000152588,0.2911252518,0.4375,0.7808219178,0.3643126259,0.39038610458374023,0.219231819,0.4375,0.9137466307,0.3283659095
-qaoa,11,4.390838146209717,0.3799380029,0.68,0.7890295359,0.52996900145,0.32709789276123047,0.2380836346,0.7272727273,0.9166666667,0.48267818095000004,0.878248929977417,0.2380836346,0.7272727273,0.9166666667,0.48267818095000004,1.748054027557373,0.2380836346,0.7272727273,0.9166666667,0.48267818095000004,0.3071777820587158,0.2464834562,0.68,0.7844827586,0.4632417281,0.529503345489502,0.0620223164,0.6734693878,0.7878787879,0.3677458521
-portfoliovqe,7,4.107877016067505,0.1369673185,0.3553719008,0.5510204082,0.24616960964999998,0.18532514572143555,0.024571764,0.6031746032,0.8953488372,0.31387318360000005,1.4417798519134521,0.024571764,0.6031746032,0.8953488372,0.31387318360000005,3.5398800373077393,1.3e-09,0.4918699187,0.9292493529,0.24593496,0.8524837493896484,0.226037038,0.36875,0.6887159533,0.297393519,0.7077350616455078,0.0059111132,0.4480874317,0.7227272727,0.22699927244999998
-qgan,9,1.4329290390014648,0.2926005346,0.3947368421,0.5403225806,0.34366868835,1.1785979270935059,0.1126674955,0.5833333333,0.9024390244,0.3480004144,3.154484987258911,0.1126674955,0.5833333333,0.9024390244,0.3480004144,3.264976978302002,0.0316122324,0.5833333333,0.9578454333,0.30747278285,0.1789569854736328,0.3090527028,0.3902439024,0.754491018,0.3496483026,0.6188688278198242,0.2716881379,0.4308943089,0.6992665037,0.3512912234
-qpeinexact,10,6.204779863357544,0.055746138,0.3670886076,0.7494714588,0.2114173728,2.4034078121185303,0.0052102712,0.5,0.8523878437,0.2526051356,4.4743266105651855,0.0069146043,0.5,0.8250428816,0.25345730215,4.523036241531372,0.000329771,0.4666666667,0.9526066351,0.23349821885,0.8403198719024658,0.0110584983,0.3139013453,0.4861751152,0.1624799218,6.093408823013306,0.0433113864,0.4212962963,0.7564825254,0.23230384134999998
-vqe,5,2.2515950202941895,0.8319302172,0.25,0.9090909091,0.5409651086,2.7622768878936768,0.6469952702,0.25,0.9090909091,0.4484976351,11.059372186660767,0.6521165135,0.25,0.8666666667,0.45105825675,0.9444630146026611,0.3239785084,0.25,0.9545454545,0.2869892542,0.03551197052001953,0.8054185167,0.25,0.8904109589,0.52770925835,0.08732891082763672,0.8166814457,0.25,0.9238095238,0.53334072285
-ae,7,2.6788268089294434,0.3851316888,0.2843137255,0.6,0.33472270714999997,3.6564691066741943,0.0949314518,0.2857142857,0.8823529412,0.19032286875,10.805750131607056,0.2599996191,0.2702702703,0.5577689243,0.2651349447,2.0566351413726807,3.06184e-05,0.3055555556,0.9254658385,0.152793087,0.222337007522583,0.1842962513,0.0857142857,0.6744186047,0.1350052685,0.40636181831359863,0.2541101226,0.2688172043,0.7852193995,0.26146366345
-dj,10,4.304404973983765,0.5616782829,0.1851851852,0.7403846154,0.37343173404999996,4.117004156112671,0.1831883755,0.4090909091,0.5384615385,0.2961396423,3.898935079574585,0.6340917478,0.2,0.7196261682,0.41704587390000003,2.627629041671753,0.5632690147,0.0,0.9126213592,0.28163450735,0.08373308181762695,0.5957529141,0.0,0.7471264368,0.29787645705,0.2870938777923584,0.3980666093,0.0,0.76,0.19903330465
-qft,13,19.616159915924072,0.0203323883,0.4871794872,0.8486024845,0.25375593775,5.648512125015259,2.9605e-06,0.5829228243,0.3255813953,0.2914628924,11.989416122436523,0.0096272414,0.5666666667,0.3885869565,0.28814695405,4.224419116973877,0.0,0.5428571429,0.8698078115,0.27142857145,2.041287899017334,0.0001634678,0.5145888594,0.5,0.2573761636,5.614054918289185,0.0007044305,0.7083333333,0.7622291022,0.3545188819
-wstate,13,13.6265389919281,0.4133818861,0.431372549,0.7811158798,0.42237721755,2.0790538787841797,0.0114768833,0.612244898,0.5835694051,0.31186089065,7.578658819198608,0.357528251,0.3137254902,0.7287234043,0.3356268706,1.649055004119873,0.0077053073,0.4166666667,0.8956521739,0.21218598700000002,0.25546693801879883,0.4379229057,0.4166666667,0.7818181818,0.4272947862,0.26421093940734863,0.5702601585,0.4166666667,0.9139784946,0.49346341260000004
-qftentangled,9,13.013902187347412,0.1738862742,0.4486486486,0.7209653092,0.3112674614,2.066884994506836,0.0027568443,0.6228813559,0.3838120104,0.3128191001,2.9732978343963623,0.0026656475,0.652173913,0.3628808864,0.32741978025,1.314145803451538,0.0007313222,0.6,0.9535962877,0.3003656611,0.5743589401245117,0.0119806503,0.3662790698,0.5326086957,0.18912986005000001,0.8579998016357422,0.0531655495,0.4469273743,0.7874109264,0.2500464619
-qftentangled,9,4.215279817581177,0.1569691578,0.4055944056,0.9090330789,0.2812817817,3.415158987045288,0.0093449366,0.6195652174,0.8458961474,0.314455077,11.639778137207031,0.0093449366,0.6195652174,0.8458961474,0.314455077,3.8355748653411865,0.0007313222,0.6,0.9535962877,0.3003656611,1.5454719066619873,0.0119806503,0.3662790698,0.5326086957,0.18912986005000001,0.8942887783050537,0.0531655495,0.4469273743,0.7874109264,0.2500464619
-graphstate,13,22.209257125854492,0.5111529435,0.4705882353,0.8565400844,0.49087058939999995,4.164971590042114,0.0041189364,0.6634146341,0.3880597015,0.33376678525000003,3.244044065475464,0.3688371192,0.5918367347,0.7262569832,0.48033692694999996,13.825042247772217,0.0002956603,0.3225806452,0.8376963351,0.16143815275,0.11876487731933594,0.5050692111,0.4571428571,0.7265625,0.4811060341,0.3370518684387207,0.5328690593,0.52,0.8611111111,0.5264345296499999
-qpeinexact,3,4.445476293563843,0.8679805394,0.0,0.6666666667,0.4339902697,2.5421698093414307,0.4595262787,0.0,0.9154929577,0.22976313935,1.6308259963989258,0.8102284615,0.0,0.6153846154,0.40511423075,3.609423875808716,0.2558584583,0.0,0.9285714286,0.12792922915,0.11142826080322266,0.9060782662,0.0,0.7948717949,0.4530391331,0.16022419929504395,0.6289649255,0.0,0.8461538462,0.31448246275
-qftentangled,11,13.933819770812988,0.0157764878,0.5452261307,0.7882978723,0.28050130925,3.0579850673675537,0.0010549127,0.6814814815,0.8457142857,0.3412681971,4.084745168685913,0.0010549127,0.6814814815,0.8457142857,0.3412681971,2.930305004119873,2.11161e-05,0.6666666667,0.9531433034,0.3333438914,1.5271339416503906,0.0027373838,0.4618181818,0.5115452931,0.2322777828,10.787118196487427,0.0005772817,0.4583333333,0.7558685446,0.22945530749999998
-wstate,8,5.620078802108765,0.7617651314,0.3571428571,0.8962962963,0.55945399425,4.712545156478882,0.5629106004,0.3571428571,0.8556701031,0.46002672874999995,8.824346780776978,0.7365169277,0.3571428571,0.8962962963,0.5468298924,2.628566026687622,0.1304592596,0.3571428571,0.9515570934,0.24380105835,0.35198378562927246,0.5942400663,0.3571428571,0.7846153846,0.4756914617,0.18026995658874512,0.747631396,0.3571428571,0.9146341463,0.55238712655
-portfolioqaoa,4,1.2903451919555664,0.2498081153,0.0,0.7631578947,0.12490405765,1.6005561351776123,0.3206149978,0.2777777778,0.9108910891,0.2991963878,8.890432119369507,0.3206149978,0.2777777778,0.9108910891,0.2991963878,2.228598117828369,0.0009733349,0.1666666667,0.9260780287,0.0838200008,0.2358849048614502,0.2496631421,0.0,0.6510067114,0.12483157105,0.2678239345550537,0.11294442,0.0,0.8483146067,0.05647221
-qaoa,5,4.842036962509155,0.6106330638,0.170212766,0.6439393939,0.39042291490000003,7.968219041824341,0.5208291071,0.4,0.9166666667,0.46041455355,2.078321933746338,0.5208291071,0.4,0.9166666667,0.46041455355,2.3804500102996826,0.009480466,0.3421052632,0.9297597043,0.17579286460000002,0.09273171424865723,0.2072195983,0.2413793103,0.7410714286,0.2242994543,0.2514011859893799,0.2346049158,0.28,0.7695852535,0.2573024579
-pricingput,11,14.549100875854492,0.0007129971,0.2540540541,0.4346829641,0.1273835256,18.419326066970825,2e-10,0.4325782093,0.4227895392,0.21628910475000002,5.370689868927002,2.5e-09,0.2401960784,0.9586709887,0.12009804045000001,6.883647918701172,2.4e-09,0.2401960784,0.9587545491,0.12009804040000001,1.8588740825653076,0.0001771769,0.1968911917,0.6637630662,0.0985341843,1.7097301483154297,0.0003438325,0.2760736196,0.7695570217,0.13820872604999998
-portfolioqaoa,3,9.53171706199646,0.6458405815,0.0,0.696969697,0.32292029075,16.25907611846924,0.6046388137,0.0,0.6578947368,0.30231940685,2.442963123321533,0.6573062224,0.0,0.696969697,0.3286531112,3.197798252105713,0.1854112268,0.0,0.9562043796,0.0927056134,0.10051608085632324,0.6340371537,0.0,0.7307692308,0.31701857685,0.15682315826416016,0.2591439517,0.0,0.8514851485,0.12957197585
-qft,8,3.6446361541748047,0.2419533012,0.4078947368,0.4328358209,0.324924019,14.351757764816284,3.2e-09,0.5481171548,0.9199061662,0.274058579,1.2895538806915283,0.0310686159,0.5735294118,0.8482142857,0.30229901385,2.341949224472046,0.0310686159,0.5735294118,0.8482142857,0.30229901385,0.3361048698425293,0.1208629318,0.3409090909,0.4782608696,0.23088601135,0.812708854675293,0.2452830875,0.375,0.7793103448,0.31014154375
-ae,4,6.11417818069458,0.7361448671,0.0,0.9224137931,0.36807243355,2.249276876449585,0.0582792368,0.0740740741,0.9025270758,0.06617665545,2.16050386428833,0.6992475969,0.1,0.7058823529,0.39962379845,3.1727561950683594,0.1135130732,0.1666666667,0.9333333333,0.14008986995,2.0425050258636475,0.7963500028,0.0,0.7575757576,0.3981750014,0.12708282470703125,0.6533752664,0.0,0.859375,0.3266876332
-wstate,4,2.537966012954712,0.8247436444,0.1666666667,0.8983050847,0.49570515555,14.161724090576172,0.8633499778,0.1666666667,0.8666666667,0.51500832225,1.352118730545044,0.894741379,0.1666666667,0.8983050847,0.53070402285,2.539515972137451,0.3294277111,0.1666666667,0.952,0.2480471889,0.06757307052612305,0.8284944472,0.1666666667,0.7931034483,0.49758055695,0.4291660785675049,0.8600636142,0.1666666667,0.9166666667,0.51336514045
-routing,12,4.291946172714233,0.472445953,0.380952381,0.8571428571,0.426699167,4.0903639793396,0.0602304293,0.5486111111,0.4666666667,0.3044207702,5.259937047958374,0.5187911426,0.4,0.8192771084,0.4593955713,6.4729039669036865,5.1788e-06,0.6222222222,0.9628712871,0.3111137005,0.2019209861755371,0.3612534558,0.5454545455,0.8607594937,0.45335400065000003,0.47200703620910645,0.5497215808,0.5454545455,0.915601023,0.5475880631500001
-qpeexact,16,2.808656930923462,1.4866e-06,0.5894308943,0.2747641509,0.29471619044999997,5.23862886428833,0.0,0.6925770308,0.2460401267,0.3462885154,7.443350076675415,4.16632e-05,0.5956790123,0.357992074,0.29786033775,13.597188711166382,0.0,0.4606413994,0.9187396352,0.2303206997,1.3865821361541748,2.21702e-05,0.5318791946,0.5185783522,0.26595068239999997,2.5025417804718018,1.452e-07,0.5540897098,0.6861283644,0.27704492750000004
-vqe,12,2.6897079944610596,0.5525437531,0.2903225806,0.8609865471,0.42143316685,4.193414211273193,0.0329386468,0.5769230769,0.5962732919,0.30493086185,5.953168153762817,0.577021488,0.32,0.8587570621,0.448510744,4.284693002700806,0.0074002321,0.3571428571,0.918128655,0.1822715446,0.49385690689086914,0.4521589926,0.4090909091,0.869047619,0.43062495084999997,0.251936674118042,0.6273213533,0.4090909091,0.9205776173,0.5182061312
-dj,6,4.760316848754883,0.7676619082,0.0,0.8035714286,0.3838309541,6.03857684135437,0.5912056909,0.3947368421,0.5421686747,0.4929712665,8.152999877929688,0.7534155811,0.0909090909,0.8035714286,0.42216233599999997,1.7179279327392578,0.1871806333,0.3,0.9298245614,0.24359031665,0.15377593040466309,0.541003452,0.0,0.8163265306,0.270501726,0.22692418098449707,0.7348987707,0.0,0.8,0.36744938535
-qpeexact,6,5.854932069778442,0.4590703288,0.1272727273,0.5864661654,0.29317152805,6.166842222213745,0.3395434643,0.3711340206,0.4457142857,0.35533874244999997,5.556429862976074,0.3395434643,0.3711340206,0.4457142857,0.35533874244999997,1.929210901260376,0.0052953505,0.1857142857,0.9237472767,0.0955048181,0.0918428897857666,0.5206335674,0.1333333333,0.6456692913,0.32698345035,0.4446561336517334,0.3659980938,0.2380952381,0.7741935484,0.30204666594999996
-routing,12,4.507284879684448,0.4280809383,0.537037037,0.8235294118,0.48255898765000005,11.093540906906128,0.0063845449,0.5901639344,0.5793103448,0.29827423965,3.231253147125244,0.4820894872,0.3333333333,0.84,0.40771141025,2.6304590702056885,0.0,0.5454545455,0.9707446809,0.27272727275,0.2852468490600586,0.3612534558,0.5454545455,0.8607594937,0.45335400065000003,0.3316769599914551,0.5497215808,0.5454545455,0.915601023,0.5475880631500001
-realamprandom,7,17.925944089889526,0.1275167746,0.3384615385,0.8545861298,0.23298915655,1.5834879875183105,0.0475575351,0.6031746032,0.82,0.32536606915000005,1.8637888431549072,0.0475575351,0.6031746032,0.82,0.32536606915000005,11.08240032196045,0.0,0.501650165,0.9199048374,0.2508250825,2.3153581619262695,0.2486460306,0.3666666667,0.6314496314,0.30765634865,0.6806187629699707,0.0058942789,0.4480874317,0.7288888889,0.2269908553
-ae,11,18.076337337493896,0.0771623955,0.3970588235,0.866207575,0.23711060949999999,1.4292211532592773,0.0026144645,0.5090909091,0.8707403055,0.2558526868,6.462707042694092,0.0010960618,0.4285714286,0.6944660951,0.2148337452,6.259806871414185,5.13264e-05,0.5090909091,0.9532113994,0.25457111775,0.4208509922027588,0.0519404228,0.358974359,0.6161417323,0.2054573909,10.776274919509888,0.0020354999,0.4576923077,0.7565543071,0.22986390380000002
-qpeexact,15,12.99933123588562,0.000275325,0.483713355,0.6594564615,0.24199434,1.1621901988983154,0.0,0.6491994178,0.2315436242,0.3245997089,2.8058202266693115,0.0006981018,0.5749636099,0.3760217984,0.28783085584999996,4.182435035705566,0.0,0.5833333333,0.8563474388,0.29166666665,1.1474082469940186,0.0001504448,0.4877589454,0.4947668887,0.24395469509999998,7.329416036605835,1.10341e-05,0.535483871,0.7117619712,0.26774745255
-su2random,7,7.8984010219573975,0.013282227,0.34375,0.2344497608,0.1785161135,1.7685530185699463,0.0354617551,0.6031746032,0.8636363636,0.31931817915000005,1.8235390186309814,0.0354617551,0.6031746032,0.8636363636,0.31931817915000005,10.942023992538452,0.0,0.5218855219,0.9199676637,0.26094276095,2.5288162231445312,0.2485170235,0.3666666667,0.6411483254,0.3075918451,0.670600175857544,0.0058574701,0.4480874317,0.7389443652,0.22697245089999998
-graphstate,6,4.312006950378418,0.7598399082,0.3888888889,0.7692307692,0.57436439855,2.813817024230957,0.5668216762,0.3571428571,0.5882352941,0.46198226665,4.121548175811768,0.6397588564,0.3703703704,0.6666666667,0.5050646134,12.175984859466553,0.2210866983,0.3333333333,0.9411764706,0.2772100158,0.18398284912109375,0.6883333052,0.375,0.75,0.5316666526,0.17830872535705566,0.5118670778,0.25,0.7391304348,0.3809335389
-qgan,5,4.106158018112183,0.6554390243,0.1785714286,0.7971014493,0.41700522645,1.8236212730407715,0.5276979246,0.3,0.9130434783,0.4138489623,1.8947010040283203,0.5276979246,0.3,0.9130434783,0.4138489623,9.830071210861206,0.5276979246,0.3,0.9130434783,0.4138489623,0.29622483253479004,0.7561991086,0.1,0.7752808989,0.42809955429999996,0.22644519805908203,0.5993817085,0.0909090909,0.8196721311,0.3451453997
-realamprandom,2,1.6300699710845947,0.9576746461,0.0,0.9333333333,0.47883732305,3.554547071456909,0.8463049475,0.0,0.88,0.42315247375,10.657647132873535,0.8775136943,0.0,0.9333333333,0.43875684715,0.04167008399963379,0.5695137457,0.0,0.9615384615,0.28475687285,0.13580894470214844,0.9247365667,0.0,0.8636363636,0.46236828335,0.06786108016967773,0.9160040437,0.0,0.8928571429,0.45800202185
-vqe,9,2.9185948371887207,0.7062004645,0.2631578947,0.8582089552,0.48467917959999995,3.516892910003662,0.5223942782,0.375,0.9304347826,0.4486971391,4.734737873077393,0.6853188429,0.2631578947,0.8582089552,0.47423836880000003,1.4372329711914062,0.4297367619,0.375,0.8620689655,0.40236838095,0.2954549789428711,0.59040489,0.375,0.875,0.482702445,0.17362689971923828,0.6983255421,0.375,0.921182266,0.53666277105
-qgan,11,2.8440799713134766,0.1426888693,0.4759358289,0.7068965517,0.3093123491,2.327216148376465,0.0348313498,0.6545454545,0.9038461538,0.34468840215,6.090322971343994,0.0348313498,0.6545454545,0.9038461538,0.34468840215,1.973351001739502,0.005651699,0.6545454545,0.9565560821,0.33009857675,1.5663156509399414,0.0269610578,0.3630136986,0.73012939,0.1949873782,10.40052604675293,0.0067150485,0.5707317073,0.6740858506,0.2887233779
-qpeinexact,2,3.338870048522949,0.96530833,0.0,0.8461538462,0.482654165,3.682309865951538,0.893710882,0.0,0.9428571429,0.446855441,1.5516879558563232,0.9645415489,0.0,0.8461538462,0.48227077445,1.2422912120819092,0.7516399484,0.0,0.9428571429,0.3758199742,0.03059673309326172,0.9568938315,0.0,0.8333333333,0.47844691575,0.032022953033447266,0.9675110774,0.0,0.9230769231,0.4837555387
-graphstate,11,4.406788110733032,0.5892257183,0.5769230769,0.8088235294,0.5830743976,1.9361488819122314,0.0141297234,0.7125748503,0.3971119134,0.36335228685,4.131304025650024,0.4879381463,0.5454545455,0.9166666667,0.5166963459,0.30359697341918945,0.4879381463,0.5454545455,0.9166666667,0.5166963459,0.25755810737609863,0.5218355092,0.4230769231,0.7614678899,0.47245621615,0.301131010055542,0.2853316752,0.6037735849,0.7087912088,0.44455263005
-vqe,10,2.6999399662017822,0.6502629146,0.3888888889,0.8988764045,0.51957590175,2.148242950439453,0.0666437171,0.5225225225,0.5904059041,0.29458311979999996,1.9693717956542969,0.6762583973,0.2857142857,0.8609271523,0.4809863415,2.5941669940948486,0.1129922811,0.3888888889,0.97,0.250940585,0.13040685653686523,0.4528880164,0.3888888889,0.8767123288,0.42088845264999997,0.1939408779144287,0.6696766899,0.3888888889,0.9217391304,0.5292827894
-qgan,3,2.541908025741577,0.7991305185,0.0,0.8947368421,0.39956525925,0.3871440887451172,0.1266127263,0.4736842105,0.5928571429,0.3001484684,1.2980079650878906,0.7968053488,0.0,0.9375,0.3984026744,3.0502939224243164,0.3643190025,0.0,0.9512195122,0.18215950125,0.2089838981628418,0.8924720499,0.0,0.9069767442,0.44623602495,0.11440277099609375,0.7306451782,0.0,0.88,0.3653225891
-ghz,11,6.193110942840576,0.6134744676,0.0,0.4242424242,0.3067372338,0.14685797691345215,0.1551288244,0.4285714286,0.1860465116,0.29185012650000003,4.013740062713623,0.3860936684,0.2884615385,0.8586956522,0.33727760345,2.03548002243042,0.2733634285,0.0,0.9726775956,0.13668171425,0.08275985717773438,0.5843607153,0.0,0.5833333333,0.29218035765,0.11338686943054199,0.7114299644,0.0,0.9242424242,0.3557149822
-qgan,10,7.965870141983032,0.2519159207,0.4420289855,0.5519480519,0.3469724531,0.9638140201568604,0.0663530628,0.6222222222,0.9010989011,0.3442876425,2.4453558921813965,0.0663530628,0.6222222222,0.9010989011,0.3442876425,2.0631330013275146,0.0139551479,0.6222222222,0.9571428571,0.31808868505,0.5964579582214355,0.1348365983,0.3571428571,0.6675461741,0.2459897277,5.9167320728302,0.0104773174,0.5282051282,0.6441605839,0.2693412228
-qftentangled,12,6.0051538944244385,0.0281413443,0.6838046272,0.3940809969,0.35597298575,1.807046890258789,2.41e-07,0.7409793814,0.2429268293,0.37048981119999996,3.0359013080596924,0.000280193,0.6356164384,0.3834459459,0.31794831570000004,2.644613265991211,0.0,0.5026737968,0.8695500523,0.2513368984,0.5654418468475342,0.0010169979,0.496969697,0.5161290323,0.24899334744999999,7.45321798324585,0.0022560302,0.5331491713,0.7601060305,0.26770260074999996
-qftentangled,5,6.157814025878906,0.564487323,0.1527777778,0.424,0.3586325504,1.9720849990844727,0.2165630057,0.3666666667,0.847715736,0.2916148362,2.9590392112731934,0.4293512357,0.1481481481,0.4545454545,0.2887496919,2.3074660301208496,0.008329665,0.3333333333,0.9223803364,0.17083149914999998,0.06559896469116211,0.5712720422,0.1224489796,0.5148514851,0.34686051090000003,0.3028852939605713,0.5823518822,0.1282051282,0.84765625,0.3552785052
-qftentangled,5,1.678779125213623,0.3570999942,0.2222222222,0.3706293706,0.2896611082,2.3068668842315674,0.2165630057,0.3666666667,0.847715736,0.2916148362,2.7595279216766357,0.6249462765,0.1481481481,0.4545454545,0.3865472123,0.8140838146209717,7.4145e-06,0.3771929825,0.9197748065,0.1886001985,0.07128310203552246,0.5712720422,0.1224489796,0.5148514851,0.34686051090000003,0.31345582008361816,0.5823518822,0.1282051282,0.84765625,0.3552785052
-realamprandom,11,3.4535129070281982,1.895e-07,0.5634278003,0.1348511384,0.2817139949,2.0790021419525146,0.000377835,0.7515151515,0.8125,0.37594649325,3.828450918197632,0.000377835,0.7515151515,0.8125,0.37594649325,2.9245059490203857,2.551e-07,0.7515151515,0.9549918167,0.3757577033,1.1861040592193604,0.0060751509,0.564738292,0.7148468185,0.28540672145,11.565106868743896,8.219e-07,0.6319758673,0.6431646932,0.31598834459999997
-ghz,16,3.152751922607422,0.4156815203,0.4285714286,0.3114754098,0.42212647445,2.028439998626709,0.0089966957,0.4528301887,0.106741573,0.2309134422,2.724282741546631,0.3590379868,0.3148148148,0.2602739726,0.3369264008,3.3412578105926514,1e-09,0.4888888889,0.9182561308,0.24444444495,0.34786224365234375,0.5000809639,0.0,0.5588235294,0.25004048195,0.16561293601989746,0.3807657009,0.0,0.923857868,0.19038285045
-tsp,9,2.5057528018951416,0.5085272193,0.6,0.9284436494,0.55426360965,1.619553804397583,0.3243657171,0.6,0.9284436494,0.46218285854999996,2.486893892288208,0.5243688455,0.6,0.9284436494,0.5621844227499999,1.8307340145111084,0.085437508,0.6,0.9054373522,0.34271875399999996,0.2758920192718506,0.2970586081,0.6,0.8795180723,0.44852930405,0.40184712409973145,0.529253429,0.6,0.9175257732,0.5646267145
diff --git a/src/mqt/predictor/rl/training_data/training_circuits/mqtbench_sample_circuits.zip b/src/mqt/predictor/rl/training_data/training_circuits/mqtbench_sample_circuits.zip
deleted file mode 100644
index c816eabf0..000000000
Binary files a/src/mqt/predictor/rl/training_data/training_circuits/mqtbench_sample_circuits.zip and /dev/null differ
diff --git a/src/mqt/predictor/rl/training_data/training_circuits/training_data_compilation.zip b/src/mqt/predictor/rl/training_data/training_circuits/training_data_compilation.zip
new file mode 100644
index 000000000..2e51e3333
Binary files /dev/null and b/src/mqt/predictor/rl/training_data/training_circuits/training_data_compilation.zip differ
diff --git a/src/mqt/predictor/utils.py b/src/mqt/predictor/utils.py
index 26f83a4bd..5d09587c4 100644
--- a/src/mqt/predictor/utils.py
+++ b/src/mqt/predictor/utils.py
@@ -4,7 +4,7 @@
import signal
from typing import Any
-logger = logging.getLogger("mqtpredictor")
+logger = logging.getLogger("mqt-predictor")
def timeout_watcher(func: Any, args: list[Any], timeout: int) -> Any:
@@ -39,6 +39,7 @@ def timeout_handler(_signum: Any, _frame: Any) -> None: # Custom signal handler
def get_rigetti_qubit_dict() -> dict[str, str]:
+ """Returns a dictionary mapping the qubit indices of the Rigetti Aspen-M2 device to a sequence of numbers that does not skip index numbers."""
mapping = {
"32": "4",
"39": "3",
diff --git a/tests/compilation/test_helper_rl.py b/tests/compilation/test_helper_rl.py
new file mode 100644
index 000000000..f3896ff8c
--- /dev/null
+++ b/tests/compilation/test_helper_rl.py
@@ -0,0 +1,60 @@
+from pathlib import Path
+
+import pytest
+from mqt.bench import get_benchmark
+from mqt.predictor import rl
+
+
+def test_get_actions_opt() -> None:
+ assert len(rl.helper.get_actions_opt()) == rl.helper.NUM_ACTIONS_OPT
+
+
+def test_get_actions_layout() -> None:
+ assert len(rl.helper.get_actions_layout()) == rl.helper.NUM_ACTIONS_LAYOUT
+
+
+def test_et_actions_routing() -> None:
+ assert len(rl.helper.get_actions_routing()) == rl.helper.NUM_ACTIONS_ROUTING
+
+
+def test_get_actions_synthesis() -> None:
+ assert len(rl.helper.get_actions_synthesis()) == rl.helper.NUM_ACTIONS_SYNTHESIS
+
+
+def test_get_action_terminate() -> None:
+ assert len(rl.helper.get_action_terminate()) == rl.helper.NUM_ACTIONS_TERMINATE
+
+
+def test_get_actions_devices() -> None:
+ assert len(rl.helper.get_devices()) == rl.helper.NUM_ACTIONS_DEVICES
+
+
+def test_get_actions_mapping() -> None:
+ assert len(rl.helper.get_actions_mapping()) == rl.helper.NUM_ACTIONS_MAPPING
+
+
+@pytest.mark.parametrize(
+ "device",
+ ["ibm_washington", "ibm_montreal", "rigetti_aspen_m2", "oqc_lucy", "ionq_harmony", "ionq_aria1", "quantinuum_h2"],
+)
+def test_get_device(device: str) -> None:
+ assert rl.helper.get_device(device)
+
+
+def test_create_feature_dict() -> None:
+ qc = get_benchmark("dj", 1, 5)
+ features = rl.helper.create_feature_dict(qc)
+ assert features
+ assert len(features) == rl.helper.NUM_FEATURE_VECTOR_ELEMENTS
+
+
+def test_get_path_trained_model() -> None:
+ path = rl.helper.get_path_trained_model()
+ assert path.exists()
+ assert isinstance(path, Path)
+
+
+def test_get_path_training_circuits() -> None:
+ path = rl.helper.get_path_training_circuits()
+ assert path.exists()
+ assert isinstance(path, Path)
diff --git a/tests/compilation/test_predictor_rl.py b/tests/compilation/test_predictor_rl.py
new file mode 100644
index 000000000..0035aa393
--- /dev/null
+++ b/tests/compilation/test_predictor_rl.py
@@ -0,0 +1,43 @@
+import os
+
+import pytest
+from mqt.bench import get_benchmark
+from mqt.predictor import reward, rl
+from qiskit import QuantumCircuit
+
+IN_GITHUB_ACTIONS = os.getenv("GITHUB_ACTIONS") == "true"
+
+
+@pytest.mark.skipif(
+ IN_GITHUB_ACTIONS,
+ reason="Trained models are not yet available. Skipping may be reverted after release with trained models.",
+)
+@pytest.mark.parametrize(
+ "figure_of_merit",
+ ["expected_fidelity", "critical_depth"],
+)
+def test_qcompile_with_pretrained_models(figure_of_merit: reward.figure_of_merit) -> None:
+ qc = get_benchmark("ghz", 1, 3)
+ qc_compiled, compilation_information = rl.qcompile(qc, figure_of_merit=figure_of_merit, device_name="ionq_harmony")
+ assert isinstance(qc_compiled, QuantumCircuit)
+ assert compilation_information is not None
+
+
+@pytest.mark.parametrize(
+ "figure_of_merit",
+ ["expected_fidelity", "critical_depth"],
+)
+def test_qcompile_with_newly_trained_models(figure_of_merit: reward.figure_of_merit) -> None:
+ predictor = rl.Predictor(figure_of_merit=figure_of_merit, device_name="ionq_harmony")
+ predictor.train_model(
+ timesteps=100,
+ test=True,
+ )
+
+ qc = get_benchmark("ghz", 1, 5)
+ res = rl.qcompile(qc, figure_of_merit=figure_of_merit, device_name="ionq_harmony")
+ assert type(res) == tuple
+ qc_compiled, compilation_information = res
+
+ assert isinstance(qc_compiled, QuantumCircuit)
+ assert compilation_information is not None
diff --git a/tests/device_selection/test_helper_ml.py b/tests/device_selection/test_helper_ml.py
new file mode 100644
index 000000000..6ff911b34
--- /dev/null
+++ b/tests/device_selection/test_helper_ml.py
@@ -0,0 +1,58 @@
+from mqt.bench import benchmark_generator
+from mqt.predictor import ml
+
+
+def test_get_index_to_device_LUT() -> None:
+ expected = {
+ 0: "ibm_washington",
+ 1: "ibm_montreal",
+ 2: "oqc_lucy",
+ 3: "rigetti_aspen_m2",
+ 4: "ionq_harmony",
+ 5: "ionq_aria1",
+ 6: "quantinuum_h2",
+ }
+ assert ml.helper.get_index_to_device_LUT() == expected
+
+
+def test_load_training_data() -> None:
+ assert ml.helper.load_training_data() is not None
+
+
+def test_create_feature_dict() -> None:
+ qc = benchmark_generator.get_benchmark("dj", 1, 3)
+ feature_vector = ml.helper.create_feature_dict(qc)
+ assert feature_vector is not None
+
+
+def test_get_openqasm_gates() -> None:
+ assert ml.helper.get_openqasm_gates() is not None
+
+
+def test_get_path_training_circuits() -> None:
+ path = ml.helper.get_path_training_circuits()
+ assert path.exists()
+
+
+def test_get_path_training_circuits_compiled() -> None:
+ path = ml.helper.get_path_training_circuits_compiled()
+ assert path.exists()
+
+
+def test_get_path_training_data() -> None:
+ path = ml.helper.get_path_training_data()
+ assert path.exists()
+
+
+def test_get_path_trained_model() -> None:
+ for figure_of_merit in ["expected_fidelity", "critical_depth"]:
+ path = ml.helper.get_path_trained_model(figure_of_merit=figure_of_merit)
+ assert path.exists()
+
+
+def test_predict_device_for_figure_of_merit() -> None:
+ qc = benchmark_generator.get_benchmark("ghz", 1, 5)
+ assert (
+ ml.helper.predict_device_for_figure_of_merit(qc, "expected_fidelity")
+ in ml.helper.get_index_to_device_LUT().values()
+ )
diff --git a/tests/device_selection/test_predictor_ml.py b/tests/device_selection/test_predictor_ml.py
new file mode 100644
index 000000000..764846718
--- /dev/null
+++ b/tests/device_selection/test_predictor_ml.py
@@ -0,0 +1,81 @@
+from pathlib import Path
+from typing import Final
+
+import numpy as np
+from mqt.bench import benchmark_generator
+from mqt.predictor import ml, reward
+
+
+def test_predict() -> None:
+ path = ml.helper.get_path_trained_model(figure_of_merit="expected_fidelity")
+ assert path.is_file()
+ filename = "test_qasm.qasm"
+ figure_of_merit: Final = "expected_fidelity"
+ qc = benchmark_generator.get_benchmark("dj", 1, 8)
+ qc.qasm(filename=filename)
+ predictor = ml.Predictor()
+ predictions = predictor.predict_probs(filename, figure_of_merit=figure_of_merit)
+ assert predictor.clf is not None
+ classes = predictor.clf.classes_ # type: ignore[unreachable]
+ predicted_device_indices = classes[np.argsort(predictions)[::-1]]
+ assert all(0 <= i < len(ml.helper.get_index_to_device_LUT()) for i in predicted_device_indices)
+ predictions = predictor.predict_probs(qc.qasm(), figure_of_merit=figure_of_merit)
+ predicted_device_indices = classes[np.argsort(predictions)[::-1]]
+ assert all(0 <= i < len(ml.helper.get_index_to_device_LUT()) for i in predicted_device_indices)
+ Path(filename).unlink()
+
+
+def test_train_random_forest_classifier() -> None:
+ predictor = ml.Predictor()
+ assert predictor.clf is None
+ predictor.train_random_forest_classifier(visualize_results=False)
+
+ assert predictor.clf is not None
+
+
+def test_compile_all_circuits_for_dev_and_fom() -> None:
+ predictor = ml.Predictor()
+ source_path = Path()
+ target_path = Path("test_compiled_circuits")
+ if not target_path.exists():
+ target_path.mkdir()
+ figure_of_merit: reward.figure_of_merit = "expected_fidelity"
+
+ qc = benchmark_generator.get_benchmark("dj", 1, 3)
+ qasm_path = Path("test.qasm")
+ qc.qasm(filename=str(qasm_path))
+ predictor.compile_all_circuits_devicewise(
+ device_name="ionq_harmony",
+ timeout=100,
+ figure_of_merit=figure_of_merit,
+ source_path=source_path,
+ target_path=target_path,
+ )
+ assert any(file.suffix == ".qasm" for file in target_path.iterdir())
+
+ training_sample, circuit_name, scores = predictor.generate_training_sample(
+ file=qasm_path,
+ figure_of_merit=figure_of_merit,
+ path_uncompiled_circuit=source_path,
+ path_compiled_circuits=target_path,
+ )
+ assert training_sample
+ assert circuit_name is not None
+ assert any(score != -1 for score in scores)
+
+ (
+ training_data,
+ name_list,
+ scores_list,
+ ) = predictor.generate_trainingdata_from_qasm_files(figure_of_merit, source_path, target_path)
+ assert len(training_data) > 0
+ assert len(name_list) > 0
+ assert len(scores_list) > 0
+
+ if target_path.exists():
+ for file in target_path.iterdir():
+ file.unlink()
+ target_path.rmdir()
+
+ if qasm_path.exists():
+ qasm_path.unlink()
diff --git a/tests/ml/test_helper_ml.py b/tests/ml/test_helper_ml.py
deleted file mode 100644
index 82ec72330..000000000
--- a/tests/ml/test_helper_ml.py
+++ /dev/null
@@ -1,93 +0,0 @@
-from pathlib import Path
-
-from mqt.bench import benchmark_generator, qiskit_helper
-from mqt.predictor import ml, reward
-
-
-def test_get_width_penalty() -> None:
- assert ml.helper.get_width_penalty() < 0
-
-
-def test_get_index_to_comppath_LUT() -> None:
- expected = {
- 0: ("ibm", "ibm_washington", "qiskit", 0),
- 1: ("ibm", "ibm_washington", "qiskit", 1),
- 2: ("ibm", "ibm_washington", "qiskit", 2),
- 3: ("ibm", "ibm_washington", "qiskit", 3),
- 4: ("ibm", "ibm_washington", "tket", False),
- 5: ("ibm", "ibm_washington", "tket", True),
- 6: ("ibm", "ibm_montreal", "qiskit", 0),
- 7: ("ibm", "ibm_montreal", "qiskit", 1),
- 8: ("ibm", "ibm_montreal", "qiskit", 2),
- 9: ("ibm", "ibm_montreal", "qiskit", 3),
- 10: ("ibm", "ibm_montreal", "tket", False),
- 11: ("ibm", "ibm_montreal", "tket", True),
- 12: ("rigetti", "rigetti_aspen_m2", "qiskit", 0),
- 13: ("rigetti", "rigetti_aspen_m2", "qiskit", 1),
- 14: ("rigetti", "rigetti_aspen_m2", "qiskit", 2),
- 15: ("rigetti", "rigetti_aspen_m2", "qiskit", 3),
- 16: ("rigetti", "rigetti_aspen_m2", "tket", False),
- 17: ("rigetti", "rigetti_aspen_m2", "tket", True),
- 18: ("ionq", "ionq11", "qiskit", 0),
- 19: ("ionq", "ionq11", "qiskit", 1),
- 20: ("ionq", "ionq11", "qiskit", 2),
- 21: ("ionq", "ionq11", "qiskit", 3),
- 22: ("ionq", "ionq11", "tket", False),
- 23: ("ionq", "ionq11", "tket", True),
- 24: ("oqc", "oqc_lucy", "qiskit", 0),
- 25: ("oqc", "oqc_lucy", "qiskit", 1),
- 26: ("oqc", "oqc_lucy", "qiskit", 2),
- 27: ("oqc", "oqc_lucy", "qiskit", 3),
- 28: ("oqc", "oqc_lucy", "tket", False),
- 29: ("oqc", "oqc_lucy", "tket", True),
- }
- assert ml.helper.get_index_to_comppath_LUT() == expected
-
-
-def test_get_compilation_pipeline() -> None:
- expected = {
- "devices": {
- "ibm": [("ibm_washington", 127), ("ibm_montreal", 27)],
- "rigetti": [("rigetti_aspen_m2", 80)],
- "ionq": [("ionq11", 11)],
- "oqc": [("oqc_lucy", 8)],
- },
- "compiler": {
- "qiskit": {"optimization_level": [0, 1, 2, 3]},
- "tket": {"lineplacement": [False, True]},
- },
- }
- assert ml.helper.get_compilation_pipeline() == expected
-
-
-def test_load_training_data() -> None:
- assert ml.helper.load_training_data() is not None
-
-
-def test_calc_eval_score_for_qc() -> None:
- qc = benchmark_generator.get_benchmark("dj", 1, 3)
- compilation_pipeline = ml.helper.get_compilation_pipeline()
-
- filename_qasm = "eval_test.qasm"
- for gate_set_name, devices in compilation_pipeline["devices"].items():
- for device_name, max_qubits in devices:
- for compiler, settings in compilation_pipeline["compiler"].items():
- if "qiskit" in compiler:
- for opt_level in settings["optimization_level"]:
- if max_qubits >= qc.num_qubits:
- qiskit_helper.get_mapped_level(
- qc,
- gate_set_name,
- qc.num_qubits,
- device_name,
- opt_level,
- False,
- False,
- ".",
- "eval_test",
- )
- score = reward.expected_fidelity(filename_qasm, device=device_name)
- assert score >= 0 and score <= 1 or score == ml.helper.get_width_penalty()
-
- if Path(filename_qasm).is_file():
- Path(filename_qasm).unlink()
diff --git a/tests/ml/test_predictor_ml.py b/tests/ml/test_predictor_ml.py
deleted file mode 100644
index ed170b387..000000000
--- a/tests/ml/test_predictor_ml.py
+++ /dev/null
@@ -1,112 +0,0 @@
-from pathlib import Path
-from typing import Any
-from unittest.mock import patch
-
-import pytest
-from mqt.bench import benchmark_generator
-from mqt.predictor import ml
-
-
-@patch("matplotlib.pyplot.show")
-def test_predict(mock_show: Any) -> None: # noqa: ARG001
- path = ml.helper.get_path_trained_model() / "trained_clf.joblib"
- assert path.is_file()
- filename = "test_qasm.qasm"
- qc = benchmark_generator.get_benchmark("dj", 1, 8)
- qc.qasm(filename=filename)
- predictor = ml.Predictor()
- prediction = predictor.predict(filename)
- assert 0 <= prediction < len(ml.helper.get_index_to_comppath_LUT())
- prediction = predictor.predict(qc.qasm())
- assert 0 <= prediction < len(ml.helper.get_index_to_comppath_LUT())
- with pytest.raises(ValueError, match="Invalid input for 'qc' parameter"):
- predictor.predict("Error Test")
-
- predictor.clf = None
- prediction = predictor.predict(filename)
- Path(filename).unlink()
- assert 0 <= prediction < len(ml.helper.get_index_to_comppath_LUT())
-
-
-@pytest.mark.parametrize("comp_path", list(range(len(ml.helper.get_index_to_comppath_LUT()))))
-def test_compilation_paths(comp_path: int) -> None: # noqa: ARG001
- qc_qasm = benchmark_generator.get_benchmark("dj", 1, 2).qasm()
- res, compile_info = ml.qcompile(qc_qasm)
- assert res
- assert compile_info
-
- qc = benchmark_generator.get_benchmark("dj", 1, 2)
- tmp_filename = "test.qasm"
- qc.qasm(filename=tmp_filename)
- res, compile_info = ml.qcompile(tmp_filename)
- assert res
- assert compile_info
-
- if Path(tmp_filename).exists():
- Path(tmp_filename).unlink()
-
-
-def test_compile_all_circuits_for_qc() -> None:
- qc = benchmark_generator.get_benchmark("dj", 1, 2)
- tmp_filename = "test.qasm"
- qc.qasm(filename=tmp_filename)
- predictor = ml.Predictor()
- assert predictor.compile_all_circuits_for_qc(
- filename=tmp_filename,
- source_path=".",
- )
- if Path(tmp_filename).exists():
- Path(tmp_filename).unlink()
-
-
-@patch("matplotlib.pyplot.show")
-def test_train_random_forest_classifier(mock_pyplot: Any) -> None: # noqa: ARG001
- predictor = ml.Predictor()
- assert predictor.clf is None
- predictor.train_random_forest_classifier(visualize_results=False)
- if Path("non_zero_indices.npy").exists():
- Path("non_zero_indices.npy").unlink()
-
- assert predictor.clf is not None
-
-
-def test_generate_compiled_circuits() -> None:
- predictor = ml.Predictor()
- source_path = "."
- target_path = Path("test_compiled_circuits")
- if not target_path.exists():
- target_path.mkdir()
-
- qc = benchmark_generator.get_benchmark("dj", 1, 3)
- qasm_path = Path("compiled_test.qasm")
- qc.qasm(filename=str(qasm_path))
- predictor.generate_compiled_circuits(source_path, str(target_path))
- assert any(file.suffix == ".qasm" for file in target_path.iterdir())
-
- res = predictor.generate_training_sample(
- str(qasm_path),
- path_uncompiled_circuit=source_path,
- path_compiled_circuits=str(target_path),
- )
- assert not isinstance(res, bool)
- training_sample, circuit_name, scores = res
- assert training_sample
- assert circuit_name
- assert scores
-
- (
- training_data,
- name_list,
- scores_list,
- ) = predictor.generate_trainingdata_from_qasm_files(source_path, str(target_path))
- assert training_data
- assert name_list
- assert scores_list
-
- if target_path.exists():
- for file in target_path.iterdir():
- file.unlink()
- target_path.rmdir()
-
- if qasm_path.exists():
- qasm_path.unlink()
diff --git a/tests/rl/test_helper_rl.py b/tests/rl/test_helper_rl.py
deleted file mode 100644
index 23349ed14..000000000
--- a/tests/rl/test_helper_rl.py
+++ /dev/null
@@ -1,127 +0,0 @@
-from pathlib import Path
-
-import pytest
-from mqt.bench import get_benchmark
-from mqt.predictor import rl
-from qiskit import QuantumCircuit
-
-NUM_ACTIONS_OPT = 12
-
-
-def test_get_actions_opt() -> None:
- assert len(rl.helper.get_actions_opt()) == NUM_ACTIONS_OPT
-
-
-NUM_ACTIONS_LAYOUT = 3
-
-
-def test_get_actions_layout() -> None:
- assert len(rl.helper.get_actions_layout()) == NUM_ACTIONS_LAYOUT
-
-
-NUM_ACTIONS_ROUTING = 4
-
-
-def test_et_actions_routing() -> None:
- assert len(rl.helper.get_actions_routing()) == NUM_ACTIONS_ROUTING
-
-
-NUM_ACTIONS_PLATFORM = 4
-
-
-def test_get_actions_platform_selection() -> None:
- assert len(rl.helper.get_actions_platform_selection()) == NUM_ACTIONS_PLATFORM
-
-
-NUM_ACTIONS_SYNTHESIS = 1
-
-
-def test_get_actions_synthesis() -> None:
- assert len(rl.helper.get_actions_synthesis()) == NUM_ACTIONS_SYNTHESIS
-
-
-NUM_ACTIONS_TERMINATE = 1
-
-
-def test_get_action_terminate() -> None:
- assert len(rl.helper.get_action_terminate()) == NUM_ACTIONS_TERMINATE
-
-
-NUM_ACTIONS_DEVICES = 5
-
-
-def test_get_actions_devices() -> None:
- assert len(rl.helper.get_actions_devices()) == NUM_ACTIONS_DEVICES
-
-
-def test_get_random_state_sample() -> None:
- sample = rl.helper.get_state_sample()
- assert sample
- assert isinstance(sample, QuantumCircuit)
-
-
-def test_get_ibm_native_gates() -> None:
- assert rl.helper.get_ibm_native_gates() == ["rz", "sx", "x", "cx", "measure"]
-
-
-def test_get_rigetti_native_gates() -> None:
- assert rl.helper.get_rigetti_native_gates() == ["rx", "rz", "cz", "measure"]
-
-
-def test_get_ionq_native_gates() -> None:
- assert rl.helper.get_ionq_native_gates() == ["rxx", "rz", "ry", "rx", "measure"]
-
-
-def test_get_oqc_native_gates() -> None:
- assert rl.helper.get_oqc_native_gates() == ["rz", "sx", "x", "ecr", "measure"]
-
-
-NUM_CONNECTIONS_RIGETTI_M2 = 212
-
-
-def test_get_rigetti_aspen_m2_map() -> None:
- assert len(rl.helper.get_rigetti_aspen_m2_map()) == NUM_CONNECTIONS_RIGETTI_M2
-
-
-NUM_CONNECTIONS_IONQ_11 = 110
-
-
-def test_get_ionq11_c_map() -> None:
- assert len(rl.helper.get_ionq11_c_map()) == NUM_CONNECTIONS_IONQ_11
-
-
-NUM_CONNECTIONS_OQC_LUCY = 8
-
-
-def test_get_cmap_oqc_lucy() -> None:
- assert len(rl.helper.get_cmap_oqc_lucy()) == NUM_CONNECTIONS_OQC_LUCY
-
-
-@pytest.mark.parametrize(
- "device",
- ["ibm_washington", "ibm_montreal", "rigetti_aspen_m2", "oqc_lucy", "ionq11"],
-)
-def test_get_cmap_from_devicename(device: str) -> None:
- assert rl.helper.get_cmap_from_devicename(device)
-
-
-NUM_FEATURES = 7
-
-
-def test_create_feature_dict() -> None:
- qc = get_benchmark("dj", 1, 5)
- features = rl.helper.create_feature_dict(qc)
- assert features
- assert len(features) == NUM_FEATURES
-
-
-def test_get_path_trained_model() -> None:
- path = rl.helper.get_path_trained_model()
- assert path.exists()
- assert isinstance(path, Path)
-
-
-def test_get_path_training_circuits() -> None:
- path = rl.helper.get_path_training_circuits()
- assert path.exists()
- assert isinstance(path, Path)
diff --git a/tests/rl/test_predictor_rl.py b/tests/rl/test_predictor_rl.py
deleted file mode 100644
index e990be6b5..000000000
--- a/tests/rl/test_predictor_rl.py
+++ /dev/null
@@ -1,46 +0,0 @@
-import pytest
-from mqt.bench import get_benchmark
-from mqt.predictor import rl
-from qiskit import QuantumCircuit
-
-
-@pytest.mark.parametrize(
- "opt_objective",
- ["fidelity", "critical_depth", "gate_ratio", "mix"],
-)
-def test_qcompile_with_pretrained_models(opt_objective: rl.helper.reward_functions) -> None:
- qc = get_benchmark("ghz", 1, 5)
- qc_compiled, compilation_information = rl.qcompile(qc, opt_objective=opt_objective)
- assert isinstance(qc_compiled, QuantumCircuit)
- assert compilation_information is not None
-
-
-def test_instantiate_models() -> None:
- predictor = rl.Predictor()
- predictor.train_all_models(
- timesteps=100,
- reward_functions=["fidelity", "critical_depth", "mix", "gate_ratio"],
- test=True,
- )
-
-
-@pytest.mark.parametrize(
- "opt_objective",
- ["fidelity", "critical_depth", "gate_ratio", "mix"],
-)
-def test_qcompile_with_newly_trained_models(opt_objective: rl.helper.reward_functions) -> None:
- qc = get_benchmark("ghz", 1, 5)
- qc_compiled, compilation_information = rl.qcompile(qc, opt_objective=opt_objective)
- assert isinstance(qc_compiled, QuantumCircuit)
- assert compilation_information is not None
-
-
-NUM_EVALUATION_FEATURES = 32
-
-
-def test_evaluate_sample_circuit() -> None:
- qc = get_benchmark("ghz", 1, 5)
- qc.qasm(filename="test_5.qasm")
- predictor = rl.Predictor()
- res = predictor.evaluate_sample_circuit("test_5.qasm")
- assert len(res) == NUM_EVALUATION_FEATURES
diff --git a/tests/test_calibration.py b/tests/test_calibration.py
new file mode 100644
index 000000000..f6da1b1a0
--- /dev/null
+++ b/tests/test_calibration.py
@@ -0,0 +1,12 @@
+from mqt.predictor.Calibration import Calibration
+
+
+def test_calibration() -> None:
+ c = Calibration()
+ assert c.ibm_montreal_calibration
+ assert c.ibm_washington_calibration
+ assert c.oqc_lucy_calibration
+ assert c.rigetti_m2_calibration
+ assert c.ionq_harmony_calibration
+ assert c.ionq_aria1_calibration
+ assert c.quantinuum_h2_calibration
diff --git a/tests/test_evaluation.py b/tests/test_evaluation.py
new file mode 100644
index 000000000..90a245b2b
--- /dev/null
+++ b/tests/test_evaluation.py
@@ -0,0 +1,24 @@
+from pathlib import Path
+
+from mqt.bench import get_benchmark
+from mqt.predictor import rl
+from mqt.predictor.evaluation import evaluate_sample_circuit
+
+
+def test_evaluate_sample_circuit() -> None:
+ qc = get_benchmark("ghz", 1, 3)
+ filename = "test_3.qasm"
+ qc.qasm(filename=filename)
+ res = evaluate_sample_circuit(filename)
+ expected_keys = []
+ for compilation_setup in ["qiskit", "tket", "mqt-predictor_expected_fidelity", "mqt-predictor_critical_depth"]:
+ for key in ["time", "expected_fidelity", "critical_depth"]:
+ if "mqt-predictor" in compilation_setup:
+ expected_keys.append(compilation_setup + "_" + key)
+ else:
+ for device in rl.helper.get_devices():
+ expected_keys.append(compilation_setup + "_" + device["name"] + "_" + key)
+
+ assert all(key in res for key in expected_keys)
+ if Path(filename).exists():
+ Path(filename).unlink()